From 3d029b3805345ec756277b508701b661ba9ce450 Mon Sep 17 00:00:00 2001 From: Matteo Bunino <48362942+matbun@users.noreply.github.com> Date: Fri, 10 Jan 2025 15:00:25 +0100 Subject: [PATCH] Lighten logger impact on installation and dynamic import (#285) * Lighten logger impact in installation and dynamic import * Simplify imports in itwinai torch trainer and format some files * Fix undefined name 'ray' * Fix division by zero * Return tensor losses * FIX epoch step return values --- env-files/tensorflow/Dockerfile | 2 +- env-files/tensorflow/generic_tf.sh | 2 +- env-files/torch/Dockerfile | 2 +- env-files/torch/generic_torch.sh | 2 +- env-files/torch/jupyter/Dockerfile | 2 +- env-files/torch/slim.Dockerfile | 2 +- pyproject.toml | 13 +- src/itwinai/loggers.py | 192 +++-- src/itwinai/torch/distributed.py | 19 +- src/itwinai/torch/trainer.py | 89 ++- tests/loggers/test_lightning_logger.py | 31 +- tests/loggers/test_loggers.py | 31 +- use-cases/3dgan/trainer.py | 4 +- uv.lock | 1016 +++++++++++------------- 14 files changed, 683 insertions(+), 724 deletions(-) diff --git a/env-files/tensorflow/Dockerfile b/env-files/tensorflow/Dockerfile index 1872a18bc..e848da7f4 100644 --- a/env-files/tensorflow/Dockerfile +++ b/env-files/tensorflow/Dockerfile @@ -41,7 +41,7 @@ ENV PYTHONPATH="" # Install itwinai COPY pyproject.toml pyproject.toml COPY src src -RUN pip install --no-cache-dir .[nvidia] \ +RUN pip install --no-cache-dir .[prov4ml-nvidia] \ && itwinai sanity-check --tensorflow --optional-deps ray # Additional pip deps diff --git a/env-files/tensorflow/generic_tf.sh b/env-files/tensorflow/generic_tf.sh index b2adf7b7b..b3e266612 100644 --- a/env-files/tensorflow/generic_tf.sh +++ b/env-files/tensorflow/generic_tf.sh @@ -25,4 +25,4 @@ else fi source $ENV_NAME/bin/activate -pip install --no-cache-dir -e ".[dev,nvidia,tf]" +pip install --no-cache-dir -e ".[dev,prov4ml-nvidia,tf]" diff --git a/env-files/torch/Dockerfile b/env-files/torch/Dockerfile index d12cc4328..180c2c322 100644 --- a/env-files/torch/Dockerfile +++ b/env-files/torch/Dockerfile @@ -35,7 +35,7 @@ RUN pip install --no-cache-dir --upgrade pip \ # Install itwinai with torch COPY pyproject.toml pyproject.toml COPY src src -RUN pip install --no-cache-dir .[torch,tf,nvidia,dev] --extra-index-url https://download.pytorch.org/whl/cu124 +RUN pip install --no-cache-dir .[torch,tf,prov4ml-nvidia,dev] --extra-index-url https://download.pytorch.org/whl/cu124 # Install DeepSpeed, Horovod and Ray ENV HOROVOD_WITH_PYTORCH=1 \ diff --git a/env-files/torch/generic_torch.sh b/env-files/torch/generic_torch.sh index 05664d00d..3ca1e1180 100644 --- a/env-files/torch/generic_torch.sh +++ b/env-files/torch/generic_torch.sh @@ -26,6 +26,6 @@ fi # Activate the venv and then install itwinai as editable source $ENV_NAME/bin/activate -pip install -e ".[torch,tf,dev,nvidia]" \ +pip install -e ".[torch,tf,dev,prov4ml-nvidia]" \ --no-cache-dir \ --extra-index-url https://download.pytorch.org/whl/cu121 diff --git a/env-files/torch/jupyter/Dockerfile b/env-files/torch/jupyter/Dockerfile index b296b9cc1..bee700b1e 100644 --- a/env-files/torch/jupyter/Dockerfile +++ b/env-files/torch/jupyter/Dockerfile @@ -216,7 +216,7 @@ RUN pip install --no-cache-dir --upgrade pip \ WORKDIR "$HOME/itwinai" COPY --chown=${NB_UID} pyproject.toml pyproject.toml COPY --chown=${NB_UID} src src -RUN pip install --no-cache-dir .[torch,nvidia,dev] --extra-index-url https://download.pytorch.org/whl/cu124 +RUN pip install --no-cache-dir .[torch,prov4ml-nvidia,dev] --extra-index-url https://download.pytorch.org/whl/cu124 # Apex: https://github.com/NVIDIA/apex # (needed for DeepSpeed *_FUSED optinal build options) diff --git a/env-files/torch/slim.Dockerfile b/env-files/torch/slim.Dockerfile index 187046d5c..add40d643 100644 --- a/env-files/torch/slim.Dockerfile +++ b/env-files/torch/slim.Dockerfile @@ -56,7 +56,7 @@ RUN /usr/bin/python3.10 -m venv /opt/venv \ WORKDIR /app COPY pyproject.toml pyproject.toml COPY src src -RUN pip install --no-cache-dir .[torch,nvidia,dev] --extra-index-url https://download.pytorch.org/whl/cu124 +RUN pip install --no-cache-dir .[torch,prov4ml-nvidia,dev] --extra-index-url https://download.pytorch.org/whl/cu124 # Install DeepSpeed, Horovod and Ray RUN CONTAINER_TORCH_VERSION="$(python -c 'import torch;print(torch.__version__)')" \ diff --git a/pyproject.toml b/pyproject.toml index bce1baa92..174c868b2 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -40,9 +40,8 @@ dependencies = [ "jsonargparse[signatures]>=4.34.0", "matplotlib>=3.9.2", "pip>=24.3.1", - "prov4ml@git+https://github.com/matbun/ProvML@new-main", "ray[default,train,tune]>=2.39.0", - "prov>=2.0.1", + "tensorboard>=2.16.2", ] [project.optional-dependencies] @@ -79,10 +78,12 @@ hpo = [ "hpbandster>=0.7.0", "gpy>=1.13.2", ] - -macos = ["prov4ml[apple]@git+https://github.com/matbun/ProvML@new-main"] -nvidia = ["prov4ml[nvidia]@git+https://github.com/matbun/ProvML@new-main"] -# amd = ["prov4ml[amd]@git+https://github.com/matbun/ProvML@new-main"] +prov4ml = ["prov4ml@git+https://github.com/matbun/ProvML@new-main"] +prov4ml-macos = ["prov4ml[apple]@git+https://github.com/matbun/ProvML@new-main"] +prov4ml-nvidia = [ + "prov4ml[nvidia]@git+https://github.com/matbun/ProvML@new-main", +] +# prov4ml-amd = ["prov4ml[amd]@git+https://github.com/matbun/ProvML@new-main"] [project.urls] Homepage = "https://www.intertwin.eu/" diff --git a/src/itwinai/loggers.py b/src/itwinai/loggers.py index 6cfb9f9db..7a15a89c6 100644 --- a/src/itwinai/loggers.py +++ b/src/itwinai/loggers.py @@ -68,18 +68,17 @@ """ import os -import pickle from abc import ABC, abstractmethod from contextlib import contextmanager from pathlib import Path -from typing import Any, Dict, List, Literal, Optional, Tuple, Union +from typing import TYPE_CHECKING, Any, Dict, List, Literal, Optional, Tuple, Union -import mlflow -import pandas as pd -import prov4ml -import wandb from typing_extensions import override +if TYPE_CHECKING: + import mlflow + + BASE_EXP_NAME: str = "default_experiment" @@ -239,6 +238,8 @@ def serialize(self, obj: Any, identifier: str) -> str: Returns: str: local path of the serialized object to be logged. """ + import pickle + itm_path = self.savedir / identifier with open(itm_path, "wb") as itm_file: pickle.dump(obj, itm_file) @@ -293,40 +294,6 @@ def should_log(self, batch_idx: Optional[int] = None) -> bool: return True -class _EmptyLogger(Logger): - """Dummy logger which can be used as a placeholder when a real logger is - not available. All methods do nothing. - """ - - def __init__( - self, - savedir: Union[Path, str] = "mllogs", - log_freq: int | Literal["epoch"] | Literal["batch"] = "epoch", - log_on_workers: int | List[int] = 0, - ) -> None: - super().__init__(savedir, log_freq, log_on_workers) - - def create_logger_context(self, rank: Optional[int] = None): - pass - - def destroy_logger_context(self): - pass - - def save_hyperparameters(self, params: Dict[str, Any]) -> None: - pass - - def log( - self, - item: Union[Any, List[Any]], - identifier: Union[str, List[str]], - kind: str = "metric", - step: Optional[int] = None, - batch_idx: Optional[int] = None, - **kwargs, - ) -> None: - pass - - class ConsoleLogger(Logger): """Simplified logger. @@ -441,9 +408,11 @@ def log( target_path = artifact_dir / f"{self._experiment_id}.{child_id}" shutil.copytree(item, target_path, dirs_exist_ok=True) else: - print(f"INFO: The ConsoleLogger expects an artifact to be either a path \ + print( + f"INFO: The ConsoleLogger expects an artifact to be either a path \ or a directory. Received instead an item of type {type(item)}. \ - The item will be ignored and not logged.") + The item will be ignored and not logged." + ) elif kind == "torch": import torch @@ -495,7 +464,7 @@ class MLFlowLogger(Logger): ) #: Current MLFLow experiment's run. - active_run: mlflow.ActiveRun + active_run: "mlflow.ActiveRun" def __init__( self, @@ -519,8 +488,11 @@ def __init__( or os.environ.get("MLFLOW_TRACKING_URI") or Path(self.savedir).resolve().as_uri() ) + import mlflow + + self.mlflow = mlflow - def create_logger_context(self, rank: Optional[int] = None) -> mlflow.ActiveRun: + def create_logger_context(self, rank: Optional[int] = None) -> "mlflow.ActiveRun": """Initializes the logger context. Start MLFLow run. Args: @@ -535,14 +507,14 @@ def create_logger_context(self, rank: Optional[int] = None) -> mlflow.ActiveRun: if not self.should_log(): return - active_run = mlflow.active_run() + active_run = self.mlflow.active_run() if active_run: print("Detected an active MLFlow run. Attaching to it...") self.active_run = active_run else: - mlflow.set_tracking_uri(self.tracking_uri) - mlflow.set_experiment(experiment_name=self.experiment_name) - self.active_run: mlflow.ActiveRun = mlflow.start_run( + self.mlflow.set_tracking_uri(self.tracking_uri) + self.mlflow.set_experiment(experiment_name=self.experiment_name) + self.active_run: self.mlflow.ActiveRun = self.mlflow.start_run( description=self.run_description, run_name=self.run_name ) self._run_id = self.active_run.info.run_id @@ -555,7 +527,7 @@ def destroy_logger_context(self): if not self.should_log(): return - mlflow.end_run() + self.mlflow.end_run() def save_hyperparameters(self, params: Dict[str, Any]) -> None: """Save hyperparameters as MLFlow parameters. @@ -596,7 +568,7 @@ def log( return if kind == "metric": - mlflow.log_metric(key=identifier, value=item, step=step) + self.mlflow.log_metric(key=identifier, value=item, step=step) elif kind == "artifact": if not isinstance(item, str): # Save the object locally and then log it @@ -604,12 +576,12 @@ def log( save_path = self.savedir / ".trash" / str(name) save_path.mkdir(os.path.dirname(save_path), exist_ok=True) item = self.serialize(item, save_path) - mlflow.log_artifact(local_path=item, artifact_path=identifier) + self.mlflow.log_artifact(local_path=item, artifact_path=identifier) elif kind == "model": import torch if isinstance(item, torch.nn.Module): - mlflow.pytorch.log_model(item, identifier) + self.mlflow.pytorch.log_model(item, identifier) else: print("WARNING: unrecognized model type") elif kind == "dataset": @@ -618,8 +590,8 @@ def log( # It may be needed to convert item into a mlflow dataset, e.g.: # https://mlflow.org/docs/latest/python_api/mlflow.data.html#mlflow.data.from_pandas # ATM delegated to the user - if isinstance(item, mlflow.data.Dataset): - mlflow.log_input(item) + if isinstance(item, self.mlflow.data.Dataset): + self.mlflow.log_input(item) else: print("WARNING: unrecognized dataset type. " "Must be an MLFlow dataset") elif kind == "torch": @@ -631,21 +603,21 @@ def log( save_path.mkdir(os.path.dirname(save_path), exist_ok=True) torch.save(item, save_path) # Log into mlflow - mlflow.log_artifact(local_path=save_path, artifact_path=identifier) + self.mlflow.log_artifact(local_path=save_path, artifact_path=identifier) elif kind == "dict": - mlflow.log_dict(dictionary=item, artifact_file=identifier) + self.mlflow.log_dict(dictionary=item, artifact_file=identifier) elif kind == "figure": - mlflow.log_figure( + self.mlflow.log_figure( artifact_file=identifier, figure=item, save_kwargs=kwargs.get("save_kwargs"), ) elif kind == "image": - mlflow.log_image(artifact_file=identifier, image=item) + self.mlflow.log_image(artifact_file=identifier, image=item) elif kind == "param": - mlflow.log_param(key=identifier, value=item) + self.mlflow.log_param(key=identifier, value=item) elif kind == "text": - mlflow.log_text(artifact_file=identifier, text=item) + self.mlflow.log_text(artifact_file=identifier, text=item) class WandBLogger(Logger): @@ -696,6 +668,10 @@ def __init__( self.project_name = project_name self.offline_mode = offline_mode + import wandb + + self.wandb = wandb + def create_logger_context(self, rank: Optional[int] = None) -> None: """Initializes the logger context. Init WandB run. @@ -712,10 +688,10 @@ def create_logger_context(self, rank: Optional[int] = None) -> None: exist_ok=True, parents=True, ) - self.active_run = wandb.init( - dir=self.savedir.resolve(), - project=self.project_name, - mode="offline" if self.offline_mode else "online", + self.active_run = self.wandb.init( + dir=self.savedir.resolve(), + project=self.project_name, + mode="offline" if self.offline_mode else "online", ) def destroy_logger_context(self): @@ -732,7 +708,7 @@ def save_hyperparameters(self, params: Dict[str, Any]) -> None: if not self.should_log(): return - wandb.config.update(params) + self.wandb.config.update(params) def log( self, @@ -761,11 +737,11 @@ def log( return if kind == "watch": - wandb.watch(item) + self.wandb.watch(item) elif kind in self.supported_kinds: - # wandb.log({identifier: item}, step=step, commit=True) + # self.wandb.log({identifier: item}, step=step, commit=True) # Let WandB use its preferred step - wandb.log({identifier: item}, commit=True) + self.wandb.log({identifier: item}, commit=True) class TensorBoardLogger(Logger): @@ -1056,6 +1032,10 @@ def __init__( self.create_graph = create_graph self.create_svg = create_svg + import prov4ml + + self.prov4ml = prov4ml + @override def create_logger_context(self, rank: Optional[int] = None): """Initializes the logger context. @@ -1069,7 +1049,7 @@ def create_logger_context(self, rank: Optional[int] = None): if not self.should_log(): return - prov4ml.start_run( + self.prov4ml.start_run( prov_user_namespace=self.prov_user_namespace, experiment_name=self.experiment_name, provenance_save_dir=self.provenance_save_dir, @@ -1087,7 +1067,7 @@ def destroy_logger_context(self): if not self.should_log(): return - prov4ml.end_run(create_graph=self.create_graph, create_svg=self.create_svg) + self.prov4ml.end_run(create_graph=self.create_graph, create_svg=self.create_svg) @override def save_hyperparameters(self, params: Dict[str, Any]) -> None: @@ -1096,7 +1076,7 @@ def save_hyperparameters(self, params: Dict[str, Any]) -> None: # Save hyperparams for param_name, val in params.items(): - prov4ml.log_param(param_name, val) + self.prov4ml.log_param(param_name, val) @override def log( @@ -1128,29 +1108,31 @@ def log( return if kind == "metric": - prov4ml.log_metric(key=identifier, value=item, context=context, step=step) + self.prov4ml.log_metric(key=identifier, value=item, context=context, step=step) elif kind == "flops_pb": model, batch = item - prov4ml.log_flops_per_batch( + self.prov4ml.log_flops_per_batch( identifier, model=model, batch=batch, context=context, step=step ) elif kind == "flops_pe": model, dataset = item - prov4ml.log_flops_per_epoch( + self.prov4ml.log_flops_per_epoch( identifier, model=model, dataset=dataset, context=context, step=step ) elif kind == "system": - prov4ml.log_system_metrics(context=context, step=step) + self.prov4ml.log_system_metrics(context=context, step=step) elif kind == "carbon": - prov4ml.log_carbon_metrics(context=context, step=step) + self.prov4ml.log_carbon_metrics(context=context, step=step) elif kind == "execution_time": - prov4ml.log_current_execution_time(label=identifier, context=context, step=step) + self.prov4ml.log_current_execution_time( + label=identifier, context=context, step=step + ) elif kind == "model": - prov4ml.save_model_version( + self.prov4ml.save_model_version( model=item, model_name=identifier, context=context, step=step ) elif kind == "best_model": - prov4ml.log_model( + self.prov4ml.log_model( model=item, model_name=identifier, log_model_info=True, @@ -1160,25 +1142,25 @@ def log( from torch.utils.data import DataLoader if isinstance(item, DataLoader): - prov4ml.log_dataset(dataset=item, label=identifier) + self.prov4ml.log_dataset(dataset=item, label=identifier) else: - prov4ml.log_param(key=identifier, value=item) + self.prov4ml.log_param(key=identifier, value=item) elif kind == "prov_documents": - prov_docs = prov4ml.log_provenance_documents(create_graph=True, create_svg=True) + prov_docs = self.prov4ml.log_provenance_documents( + create_graph=True, create_svg=True + ) # Upload to MLFlow - if mlflow.active_run() is not None: + if self.mlflow.active_run() is not None: for f in prov_docs: if f: - mlflow.log_artifact(f) + self.mlflow.log_artifact(f) class EpochTimeTracker: """Tracker for epoch execution time during training.""" - def __init__( - self, strategy_name: str, save_path: Path | str, num_nodes: int - ) -> None: + def __init__(self, strategy_name: str, save_path: Path | str, num_nodes: int) -> None: if isinstance(save_path, str): save_path = Path(save_path) @@ -1194,6 +1176,8 @@ def add_epoch_time(self, epoch_idx: int, time: float) -> None: def save(self) -> None: """Save data to a new CSV file.""" + import pandas as pd + df = pd.DataFrame(self.data) df["name"] = self.strategy_name df["nodes"] = self.num_nodes @@ -1201,3 +1185,37 @@ def save(self) -> None: self.save_path.parent.mkdir(parents=True, exist_ok=True) df.to_csv(self.save_path, index=False) print(f"Saving EpochTimeTracking data to '{self.save_path.resolve()}'.") + + +class EmptyLogger(Logger): + """Dummy logger which can be used as a placeholder when a real logger is + not available. All methods do nothing. + """ + + def __init__( + self, + savedir: Union[Path, str] = "mllogs", + log_freq: int | Literal["epoch"] | Literal["batch"] = "epoch", + log_on_workers: int | List[int] = 0, + ) -> None: + super().__init__(savedir, log_freq, log_on_workers) + + def create_logger_context(self, rank: Optional[int] = None): + pass + + def destroy_logger_context(self): + pass + + def save_hyperparameters(self, params: Dict[str, Any]) -> None: + pass + + def log( + self, + item: Union[Any, List[Any]], + identifier: Union[str, List[str]], + kind: str = "metric", + step: Optional[int] = None, + batch_idx: Optional[int] = None, + **kwargs, + ) -> None: + pass diff --git a/src/itwinai/torch/distributed.py b/src/itwinai/torch/distributed.py index adcdec23e..98964deee 100644 --- a/src/itwinai/torch/distributed.py +++ b/src/itwinai/torch/distributed.py @@ -15,8 +15,6 @@ import os from typing import Any, Callable, Iterable, List, Literal, Optional, Tuple, Union -import ray -import ray.train import torch import torch.distributed as dist import torch.nn as nn @@ -68,6 +66,8 @@ def initialize_ray() -> None: `HEAD_NODE_IP` are not set. These should be set from the slurm script where the ray cluster is launched. """ + import ray + if ray.is_initialized(): return @@ -1059,25 +1059,28 @@ class RayDDPStrategy(TorchDDPStrategy): def __init__(self) -> None: initialize_ray() + import ray.train + + self.ray_train = ray.train def init(self) -> None: self.is_initialized = True @check_initialized def global_world_size(self) -> int: - return ray.train.get_context().get_world_size() + return self.ray_train.get_context().get_world_size() @check_initialized def local_world_size(self) -> int: - return ray.train.get_context().get_local_world_size() + return self.ray_train.get_context().get_local_world_size() @check_initialized def global_rank(self) -> int: - return ray.train.get_context().get_world_rank() + return self.ray_train.get_context().get_world_rank() @check_initialized def local_rank(self) -> int: - return ray.train.get_context().get_local_rank() + return self.ray_train.get_context().get_local_rank() @check_initialized def distributed( @@ -1086,7 +1089,7 @@ def distributed( optimizer: Optimizer, lr_scheduler: Optional[LRScheduler] = None, ) -> Tuple[nn.Module, Optimizer, LRScheduler | None]: - model = ray.train.torch.prepare_model(model) + model = self.ray_train.torch.prepare_model(model) return model, optimizer, lr_scheduler @@ -1129,7 +1132,7 @@ def create_dataloader( pin_memory_device=pin_memory_device, ) - return ray.train.torch.prepare_data_loader(dataloader) + return self.ray_train.torch.prepare_data_loader(dataloader) class RayDeepSpeedStrategy(DeepSpeedStrategy): diff --git a/src/itwinai/torch/trainer.py b/src/itwinai/torch/trainer.py index c20c8ae8d..3387eeb2a 100644 --- a/src/itwinai/torch/trainer.py +++ b/src/itwinai/torch/trainer.py @@ -16,31 +16,21 @@ import os import sys import tempfile +from collections import defaultdict from pathlib import Path from typing import Any, Callable, Dict, Iterable, List, Literal, Optional, Tuple, Union -import lightning as L -import matplotlib.pyplot as plt -import numpy as np -import pandas as pd -import ray.train as train -import ray.train.torch -import ray.tune as tune import torch import torch.distributed as dist import torch.nn as nn import torch.optim as optim import torchvision -from lightning.pytorch.cli import LightningCLI from torch.nn.parallel import DistributedDataParallel as DDP from torch.optim.optimizer import Optimizer from torch.utils.data import DataLoader, Dataset, Sampler from torch.utils.data.distributed import DistributedSampler from tqdm import tqdm -from itwinai.torch.tuning import get_raytune_scheduler, get_raytune_search_alg - -# Imports from this repository from ..components import Trainer, monitor_exec from ..loggers import Logger, LogMixin from ..utils import load_yaml @@ -55,7 +45,6 @@ TorchDistributedStrategy, distributed_resources_available, ) -from .mlflow import init_lightning_mlflow, teardown_lightning_mlflow from .reproducibility import seed_worker, set_seed from .type import Batch, LrScheduler, Metric @@ -601,8 +590,9 @@ def train_epoch(self, epoch: int) -> torch.Tensor: Loss: average training loss for the current epoch. """ self.model.train() - train_losses = [] - train_metrics = [] + train_loss_sum = 0.0 + train_metrics_sum = defaultdict(float) + batch_counter = 0 progress_bar = tqdm( enumerate(self.train_dataloader), @@ -614,14 +604,16 @@ def train_epoch(self, epoch: int) -> torch.Tensor: for batch_idx, train_batch in progress_bar: loss, metrics = self.train_step(batch=train_batch, batch_idx=batch_idx) - train_losses.append(loss) - train_metrics.append(metrics) + train_loss_sum += loss + batch_counter += 1 + for name, val in metrics.items(): + train_metrics_sum[name] += val # Important: update counter self.train_glob_step += 1 # Aggregate and log losses - avg_loss = torch.mean(torch.stack(train_losses)) + avg_loss = train_loss_sum / batch_counter self.log( item=avg_loss.item(), identifier="train_loss_epoch", @@ -629,16 +621,15 @@ def train_epoch(self, epoch: int) -> torch.Tensor: step=self.train_glob_step, ) # Aggregate and log metrics - avg_metrics = pd.DataFrame(train_metrics).mean().to_dict() - for m_name, m_val in avg_metrics.items(): + for m_name, m_val in train_metrics_sum.items(): self.log( - item=m_val, + item=m_val / batch_counter, identifier="train_" + m_name + "_epoch", kind="metric", step=self.train_glob_step, ) - return avg_loss.item() + return avg_loss def train_step(self, batch: Batch, batch_idx: int) -> Tuple[torch.Tensor, Dict[str, Any]]: """Perform a single optimization step using a batch sampled from the @@ -678,7 +669,7 @@ def train_step(self, batch: Batch, batch_idx: int) -> Tuple[torch.Tensor, Dict[s ) return loss, metrics - def validation_epoch(self, epoch: int) -> Optional[torch.Tensor]: + def validation_epoch(self, epoch: int) -> torch.Tensor: """Perform a complete sweep over the validation dataset, completing an epoch of validation. @@ -701,18 +692,21 @@ def validation_epoch(self, epoch: int) -> Optional[torch.Tensor]: ) self.model.eval() - validation_losses = [] - validation_metrics = [] + validation_loss_sum = 0.0 + validation_metrics_sum = defaultdict(float) + batch_counter = 0 for batch_idx, val_batch in progress_bar: loss, metrics = self.validation_step(batch=val_batch, batch_idx=batch_idx) - validation_losses.append(loss) - validation_metrics.append(metrics) + validation_loss_sum += loss + batch_counter += 1 + for name, val in metrics.items(): + validation_metrics_sum[name] += val # Important: update counter self.validation_glob_step += 1 # Aggregate and log losses - avg_loss = torch.mean(torch.stack(validation_losses)) + avg_loss = validation_loss_sum / batch_counter self.log( item=avg_loss.item(), identifier="validation_loss_epoch", @@ -720,10 +714,9 @@ def validation_epoch(self, epoch: int) -> Optional[torch.Tensor]: step=self.validation_glob_step, ) # Aggregate and log metrics - avg_metrics = pd.DataFrame(validation_metrics).mean().to_dict() - for m_name, m_val in avg_metrics.items(): + for m_name, m_val in validation_metrics_sum.items(): self.log( - item=m_val, + item=m_val / batch_counter, identifier="validation_" + m_name + "_epoch", kind="metric", step=self.validation_glob_step, @@ -1132,6 +1125,9 @@ def save_fake_generator_images(self, epoch): Args: epoch (int): epoch number, from 0 to ``epochs-1``. """ + import matplotlib.pyplot as plt + import numpy as np + self.generator.eval() noise = torch.randn(64, self.config.z_dim, 1, 1, device=self.device) fake_images = self.generator(noise) @@ -1172,6 +1168,11 @@ def __init__(self, config: Union[Dict, str], mlflow_saved_model: str = "my_model @monitor_exec def execute(self) -> Any: + import lightning as L + from lightning.pytorch.cli import LightningCLI + + from .mlflow import init_lightning_mlflow, teardown_lightning_mlflow + init_lightning_mlflow( self.conf, tmp_dir="/tmp", registered_model_name=self.mlflow_saved_model ) @@ -1292,6 +1293,12 @@ def __init__( self._set_configs(config=config) self.torch_rng = set_seed(random_seed) + import ray.train + import ray.tune + + self.ray_train = ray.train + self.ray_tune = ray.tune + def _set_strategy_and_init_ray(self, strategy: str) -> None: """Set the distributed training strategy. This will initialize the ray backend. @@ -1412,7 +1419,9 @@ def execute( Tuple[Dataset, Dataset, Dataset, Any]: A tuple containing the datasets and the training result grid. """ - train_with_data = tune.with_parameters( + import ray.train.torch + + train_with_data = self.ray_tune.with_parameters( self.train, data=[train_dataset, validation_dataset, test_dataset] ) trainer = ray.train.torch.TorchTrainer( @@ -1422,7 +1431,9 @@ def execute( run_config=self.run_config, ) param_space = {"train_loop_config": self.train_loop_config} - tuner = tune.Tuner(trainer, param_space=param_space, tune_config=self.tune_config) + tuner = self.ray_tune.Tuner( + trainer, param_space=param_space, tune_config=self.tune_config + ) result_grid = tuner.fit() @@ -1436,6 +1447,8 @@ def set_epoch(self, epoch: int) -> None: self.test_dataloader.sampler.set_epoch(epoch) def _set_tune_config(self) -> None: + from .tuning import get_raytune_scheduler, get_raytune_search_alg + tune_config = self.config.get("tune_config", {}) if not tune_config: @@ -1451,7 +1464,7 @@ def _set_tune_config(self) -> None: mode = tune_config.get("mode", "min") try: - self.tune_config = tune.TuneConfig( + self.tune_config = self.ray_tune.TuneConfig( **tune_config, search_alg=search_alg, scheduler=scheduler, @@ -1474,7 +1487,7 @@ def _set_scaling_config(self) -> None: print("WARNING: No Scaling Config configured. Running trials non-distributed.") try: - self.scaling_config = ray.train.ScalingConfig(**scaling_config) + self.scaling_config = self.ray_train.ScalingConfig(**scaling_config) except AttributeError as e: print( "Could not set Scaling Config. Please ensure that you have passed the " @@ -1499,7 +1512,7 @@ def _set_run_config(self) -> None: ) storage_path = Path("ray_checkpoints").resolve() - self.run_config = ray.train.RunConfig(**run_config, storage_path=storage_path) + self.run_config = self.ray_train.RunConfig(**run_config, storage_path=storage_path) except AttributeError as e: print( "Could not set Run Config. Please ensure that you have passed the " @@ -1530,7 +1543,7 @@ def _set_train_loop_config(self) -> None: param[key] = float(param[key]) param_type = param.pop("type") - param = getattr(tune, param_type)(**param) + param = getattr(self.ray_tune, param_type)(**param) self.train_loop_config[name] = param except AttributeError as e: @@ -1550,9 +1563,9 @@ def checkpoint_and_report(self, epoch, tuning_metrics, checkpointing_data=None): if checkpointing_data and should_checkpoint: torch.save(checkpointing_data, os.path.join(temp_checkpoint_dir, str(epoch))) - checkpoint = train.Checkpoint.from_directory(temp_checkpoint_dir) + checkpoint = self.ray_train.Checkpoint.from_directory(temp_checkpoint_dir) - train.report(tuning_metrics, checkpoint=checkpoint) + self.ray_train.report(tuning_metrics, checkpoint=checkpoint) def initialize_logger(self, hyperparams: Optional[Dict], rank): if not self.logger: diff --git a/tests/loggers/test_lightning_logger.py b/tests/loggers/test_lightning_logger.py index 73ff651d7..356bd6e04 100644 --- a/tests/loggers/test_lightning_logger.py +++ b/tests/loggers/test_lightning_logger.py @@ -134,10 +134,11 @@ def test_log_metrics_and_hyperparams(itwinai_logger, request): itwinai_logger_instance = request.getfixturevalue(itwinai_logger) lightning_logger = PyTorchLightningLogger(itwinai_logger=itwinai_logger_instance) - with patch.object(itwinai_logger_instance, "create_logger_context"), \ - patch.object(itwinai_logger_instance, "log"), \ - patch.object(itwinai_logger_instance, "save_hyperparameters"): - + with ( + patch.object(itwinai_logger_instance, "create_logger_context"), + patch.object(itwinai_logger_instance, "log"), + patch.object(itwinai_logger_instance, "save_hyperparameters"), + ): lightning_logger.log_metrics({"loss": 0.2, "accuracy": 0.99}) expected_calls = [ call(item=0.2, identifier="loss", kind="metric", step=None), @@ -147,9 +148,7 @@ def test_log_metrics_and_hyperparams(itwinai_logger, request): dict_params = {"learning_rate": 0.001, "batch_size": 32} lightning_logger.log_hyperparams(params=dict_params) - itwinai_logger_instance.save_hyperparameters.assert_called_once_with( - dict_params - ) + itwinai_logger_instance.save_hyperparameters.assert_called_once_with(dict_params) @pytest.mark.parametrize( @@ -171,14 +170,16 @@ def test_save_after_checkpoint(itwinai_logger, request): checkpoint_callback = MagicMock(spec=ModelCheckpoint) checkpoint_callback.best_model_path = Path("/path/to/checkpoint_1.ckpt") - with patch.object(itwinai_logger_instance, "create_logger_context"), \ - patch.object(itwinai_logger_instance, "log"), \ - patch( - "itwinai.torch.loggers._scan_checkpoints", - return_value=[ - (1, "path/to/checkpoint_1.ckpt", 100, "_"), - (2, "path/to/checkpoint_2.ckpt", 101, "_"), - ], + with ( + patch.object(itwinai_logger_instance, "create_logger_context"), + patch.object(itwinai_logger_instance, "log"), + patch( + "itwinai.torch.loggers._scan_checkpoints", + return_value=[ + (1, "path/to/checkpoint_1.ckpt", 100, "_"), + (2, "path/to/checkpoint_2.ckpt", 101, "_"), + ], + ), ): lightning_logger.after_save_checkpoint(checkpoint_callback) assert lightning_logger._checkpoint_callback is None diff --git a/tests/loggers/test_loggers.py b/tests/loggers/test_loggers.py index 134397625..0017ed3e2 100644 --- a/tests/loggers/test_loggers.py +++ b/tests/loggers/test_loggers.py @@ -39,9 +39,11 @@ def test_wandb_logger_log(wandb_logger): def test_tensorboard_logger_log_tf(tensorboard_logger_tf): import tensorflow as tf - with patch("tensorflow.summary.scalar") as mock_scalar, patch( - "tensorflow.summary.image" - ) as mock_image, patch("tensorflow.summary.text") as mock_text: + with ( + patch("tensorflow.summary.scalar") as mock_scalar, + patch("tensorflow.summary.image") as mock_image, + patch("tensorflow.summary.text") as mock_text, + ): tensorboard_logger_tf.create_logger_context() # Log a scalar @@ -65,13 +67,11 @@ def test_tensorboard_logger_log_torch(tensorboard_logger_torch): import torch step = 1 - with patch( - "torch.utils.tensorboard.SummaryWriter.add_scalar" - ) as mock_scalar, patch( - "torch.utils.tensorboard.SummaryWriter.add_image" - ) as mock_image, patch( - "torch.utils.tensorboard.SummaryWriter.add_text" - ) as mock_text: + with ( + patch("torch.utils.tensorboard.SummaryWriter.add_scalar") as mock_scalar, + patch("torch.utils.tensorboard.SummaryWriter.add_image") as mock_image, + patch("torch.utils.tensorboard.SummaryWriter.add_text") as mock_text, + ): tensorboard_logger_torch.create_logger_context() # Log a scalar @@ -91,11 +91,12 @@ def test_tensorboard_logger_log_torch(tensorboard_logger_torch): def test_loggers_collection_log(loggers_collection): - with patch("builtins.print") as mocked_print, patch( - "mlflow.log_metric" - ) as mock_log_metric, patch("wandb.init") as mock_wandb_init, patch( - "wandb.log" - ) as mock_wandb_log: # , \ + with ( + patch("builtins.print") as mocked_print, + patch("mlflow.log_metric") as mock_log_metric, + patch("wandb.init") as mock_wandb_init, + patch("wandb.log") as mock_wandb_log, + ): # , \ # patch('shutil.copyfile') as mock_shutil_copyfile, \ # patch('pickle.dump') as mock_pickle_dump, \ # patch('torch.save') as mock_torch_save: diff --git a/use-cases/3dgan/trainer.py b/use-cases/3dgan/trainer.py index 95346a517..2bb1d156e 100644 --- a/use-cases/3dgan/trainer.py +++ b/use-cases/3dgan/trainer.py @@ -28,7 +28,7 @@ # init_lightning_mlflow, # teardown_lightning_mlflow # ) -from itwinai.loggers import Logger, _EmptyLogger +from itwinai.loggers import EmptyLogger, Logger from itwinai.serialization import ModelLoader from itwinai.torch.inference import TorchModelLoader from itwinai.torch.type import Batch @@ -43,7 +43,7 @@ def __init__(self, config: Union[Dict, str], itwinai_logger: Optional[Logger] = # Load from YAML config = load_yaml(config) self.conf = config - self.itwinai_logger = itwinai_logger if itwinai_logger else _EmptyLogger() + self.itwinai_logger = itwinai_logger if itwinai_logger else EmptyLogger() @monitor_exec def execute(self) -> Any: diff --git a/uv.lock b/uv.lock index 09ffb9153..a2b89c1ed 100644 --- a/uv.lock +++ b/uv.lock @@ -1,48 +1,43 @@ version = 1 requires-python = ">=3.10" resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_version < '0'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] conflicts = [[ { package = "itwinai", extra = "tf-cuda" }, @@ -1744,14 +1739,13 @@ dependencies = [ { name = "omegaconf", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "packaging", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "pip", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, - { name = "prov", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, - { name = "prov4ml", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "py-cpuinfo", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "pydantic", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "pyyaml", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "ray", extra = ["default", "train", "tune"], marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "rich", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "seaborn", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "tensorboard", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "typer", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "wandb", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "wheel", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, @@ -1781,10 +1775,13 @@ hpo = [ { name = "hpbandster", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, { name = "hyperopt", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, ] -macos = [ +prov4ml = [ + { name = "prov4ml", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, +] +prov4ml-macos = [ { name = "prov4ml", extra = ["apple"], marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, ] -nvidia = [ +prov4ml-nvidia = [ { name = "prov4ml", extra = ["nvidia"], marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, ] tf = [ @@ -1796,13 +1793,13 @@ tf-cuda = [ { name = "tf-keras", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, ] torch = [ - { name = "lightning" }, - { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, - { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Darwin'" }, - { name = "torchaudio" }, - { name = "torchmetrics" }, - { name = "torchvision", version = "0.19.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, - { name = "torchvision", version = "0.19.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Darwin'" }, + { name = "lightning", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin' and sys_platform != 'linux'" }, + { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Darwin' and platform_system != 'Windows') or (platform_system != 'Darwin' and sys_platform != 'linux')" }, + { name = "torchaudio", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "torchmetrics", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "torchvision", version = "0.19.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin' and sys_platform != 'linux'" }, + { name = "torchvision", version = "0.19.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Darwin' and platform_system != 'Windows') or (platform_system != 'Darwin' and sys_platform != 'linux')" }, ] [package.metadata] @@ -1825,10 +1822,9 @@ requires-dist = [ { name = "omegaconf", specifier = ">=2.3.0" }, { name = "packaging", specifier = ">=24.2" }, { name = "pip", specifier = ">=24.3.1" }, - { name = "prov", specifier = ">=2.0.1" }, - { name = "prov4ml", git = "https://github.com/matbun/ProvML?rev=new-main" }, - { name = "prov4ml", extras = ["apple"], marker = "extra == 'macos'", git = "https://github.com/matbun/ProvML?rev=new-main" }, - { name = "prov4ml", extras = ["nvidia"], marker = "extra == 'nvidia'", git = "https://github.com/matbun/ProvML?rev=new-main" }, + { name = "prov4ml", marker = "extra == 'prov4ml'", git = "https://github.com/matbun/ProvML?rev=new-main" }, + { name = "prov4ml", extras = ["apple"], marker = "extra == 'prov4ml-macos'", git = "https://github.com/matbun/ProvML?rev=new-main" }, + { name = "prov4ml", extras = ["nvidia"], marker = "extra == 'prov4ml-nvidia'", git = "https://github.com/matbun/ProvML?rev=new-main" }, { name = "py-cpuinfo", specifier = ">=9.0.0" }, { name = "pydantic", specifier = ">=2.10.2" }, { name = "pytest", marker = "extra == 'dev'", specifier = ">=7.4.2" }, @@ -1841,6 +1837,7 @@ requires-dist = [ { name = "seaborn", specifier = ">=0.13.2" }, { name = "sphinx-rtd-theme", marker = "extra == 'docs'", specifier = ">=2.0.0" }, { name = "sphinx-tabs", marker = "extra == 'docs'", specifier = ">=3.4.7" }, + { name = "tensorboard", specifier = ">=2.16.2" }, { name = "tensorflow", marker = "extra == 'docs'", specifier = "==2.16.*" }, { name = "tensorflow", marker = "extra == 'tf'", specifier = "==2.16.*" }, { name = "tensorflow", extras = ["and-cuda"], marker = "extra == 'tf-cuda'", specifier = "==2.16.*" }, @@ -2118,17 +2115,17 @@ name = "lightning" version = "2.4.0" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "fsspec", extra = ["http"] }, - { name = "lightning-utilities" }, - { name = "packaging" }, - { name = "pytorch-lightning" }, - { name = "pyyaml" }, - { name = "torch", version = "2.1.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Windows'" }, - { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, - { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" } }, - { name = "torchmetrics" }, - { name = "tqdm" }, - { name = "typing-extensions" }, + { name = "fsspec", extra = ["http"], marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "lightning-utilities", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "packaging", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "pytorch-lightning", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "pyyaml", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "torch", version = "2.1.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Windows' and extra == 'extra-7-itwinai-tf-cuda') or (platform_system != 'Windows' and extra != 'extra-7-itwinai-torch') or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin' and sys_platform != 'linux'" }, + { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Darwin' and sys_platform != 'linux') or (platform_system != 'Windows' and sys_platform == 'linux')" }, + { name = "torchmetrics", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "tqdm", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "typing-extensions", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, ] sdist = { url = "https://files.pythonhosted.org/packages/56/d0/78ea244ac044cd4df15aa8294a50ff3561fb177e7e5ba788aaa542046cae/lightning-2.4.0.tar.gz", hash = "sha256:9156604cc56e4b2b603f34fa7f0fe5107375c8e6d85e74544b319a15faa9ed0e", size = 620632 } wheels = [ @@ -2882,18 +2879,18 @@ name = "nvidia-cublas-cu12" version = "12.1.3.1" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/37/6d/121efd7382d5b0284239f4ab1fc1590d86d34ed4a4a2fdb13b30ca8e5740/nvidia_cublas_cu12-12.1.3.1-py3-none-manylinux1_x86_64.whl", hash = "sha256:ee53ccca76a6fc08fb9701aa95b6ceb242cdaab118c3bb152af4e579af792728", size = 410594774 }, @@ -2907,42 +2904,40 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/74/aa/f0e402ab0c1aa371e3143ed0b79744ebd6091307087cda59e3249f45cac8/nvidia_cublas_cu12-12.3.4.1-py3-none-manylinux1_x86_64.whl", hash = "sha256:9b25b27bd5a5be1cc7e83a7b8004258daa338800798e22986e5b67ee06f0859d", size = 412581912 }, @@ -2955,18 +2950,18 @@ name = "nvidia-cuda-cupti-cu12" version = "12.1.105" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/7e/00/6b218edd739ecfc60524e585ba8e6b00554dd908de2c9c66c1af3e44e18d/nvidia_cuda_cupti_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:e54fde3983165c624cb79254ae9818a456eb6e87a7fd4d56a2352c24ee542d7e", size = 14109015 }, @@ -2980,42 +2975,40 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/6a/43/b30e742c204c5c81a6954c5f20ce82b098f9c4ca3d3cb76eea5476b83f5d/nvidia_cuda_cupti_cu12-12.3.101-py3-none-manylinux1_x86_64.whl", hash = "sha256:7b984288af7db1faa1e6f1803db075d4350116b72a98d4be0e88d604dc812c0e", size = 13978802 }, @@ -3038,18 +3031,18 @@ name = "nvidia-cuda-nvrtc-cu12" version = "12.1.105" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/b6/9f/c64c03f49d6fbc56196664d05dba14e3a561038a81a638eeb47f4d4cfd48/nvidia_cuda_nvrtc_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:339b385f50c309763ca65456ec75e17bbefcbbf2893f462cb8b90584cd27a1c2", size = 23671734 }, @@ -3063,42 +3056,40 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/0b/dd/c510983b0fb66b7346432e1f25afbfd9446a86ccdbfacb600351aa8e09d6/nvidia_cuda_nvrtc_cu12-12.3.107-py3-none-manylinux1_x86_64.whl", hash = "sha256:4db66788a37a234304a0b3203744f9a6c665f48bde65f69a096ae3b5799b5b1d", size = 24875439 }, @@ -3111,18 +3102,18 @@ name = "nvidia-cuda-runtime-cu12" version = "12.1.105" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/eb/d5/c68b1d2cdfcc59e72e8a5949a37ddb22ae6cade80cd4a57a84d4c8b55472/nvidia_cuda_runtime_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:6e258468ddf5796e25f1dc591a31029fa317d97a0a94ed93468fc86301d61e40", size = 823596 }, @@ -3136,42 +3127,40 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/48/ff/45901ba952404bc6efd0a792cabefeb1ba622610108c0f5d6b7a4686f1c1/nvidia_cuda_runtime_cu12-12.3.101-py3-none-manylinux1_x86_64.whl", hash = "sha256:04604679ddca6acb96c76a7a9306282cddc16981f92e148e2dfe227078883cda", size = 867700 }, @@ -3186,42 +3175,40 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "nvidia-cublas-cu12", version = "12.3.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, @@ -3237,18 +3224,18 @@ name = "nvidia-cudnn-cu12" version = "9.1.0.70" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "nvidia-cublas-cu12", version = "12.1.3.1", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and extra == 'extra-7-itwinai-torch') or (platform_machine == 'x86_64' and platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Windows' and sys_platform == 'linux' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform != 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform == 'darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, @@ -3263,18 +3250,18 @@ name = "nvidia-cufft-cu12" version = "11.0.2.54" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/86/94/eb540db023ce1d162e7bea9f8f5aa781d57c65aed513c33ee9a5123ead4d/nvidia_cufft_cu12-11.0.2.54-py3-none-manylinux1_x86_64.whl", hash = "sha256:794e3948a1aa71fd817c3775866943936774d1c14e7628c74f6f7417224cdf56", size = 121635161 }, @@ -3288,42 +3275,40 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/bc/51/a56eea38a13f8727c0f5a6e39677e588dc1488c3bfae4c944aa4c23f02ae/nvidia_cufft_cu12-11.0.12.1-py3-none-manylinux1_x86_64.whl", hash = "sha256:3b2c85d24d7dcc578720fdf39e2823950b5857e85164c3c1dc97184a8a8e0398", size = 98790531 }, @@ -3336,18 +3321,18 @@ name = "nvidia-curand-cu12" version = "10.3.2.106" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/44/31/4890b1c9abc496303412947fc7dcea3d14861720642b49e8ceed89636705/nvidia_curand_cu12-10.3.2.106-py3-none-manylinux1_x86_64.whl", hash = "sha256:9d264c5036dde4e64f1de8c50ae753237c12e0b1348738169cd0f8a536c0e1e0", size = 56467784 }, @@ -3361,42 +3346,40 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/3d/f8/d4139976f26861825b73cf8b791ffe0fb70a5fef502c91fb22258bd2b5f8/nvidia_curand_cu12-10.3.4.107-py3-none-manylinux1_x86_64.whl", hash = "sha256:d798db82ae445cf1d8bf6af9ca3bd6bb6cc87753c229a441cf8d2597b09332e5", size = 56330780 }, @@ -3409,23 +3392,23 @@ name = "nvidia-cusolver-cu12" version = "11.4.5.107" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.1.3.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, - { name = "nvidia-cusparse-cu12", version = "12.1.0.106", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, - { name = "nvidia-nvjitlink-cu12", version = "12.6.85", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, + { name = "nvidia-cublas-cu12", version = "12.1.3.1", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and extra == 'extra-7-itwinai-torch') or (platform_machine == 'x86_64' and platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Windows' and sys_platform == 'linux' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform != 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform == 'darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "nvidia-cusparse-cu12", version = "12.1.0.106", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and extra == 'extra-7-itwinai-torch') or (platform_machine == 'x86_64' and platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Windows' and sys_platform == 'linux' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform != 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform == 'darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "nvidia-nvjitlink-cu12", marker = "(platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and extra == 'extra-7-itwinai-torch') or (platform_machine == 'x86_64' and platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Windows' and sys_platform == 'linux' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform != 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform == 'darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/bc/1d/8de1e5c67099015c834315e333911273a8c6aaba78923dd1d1e25fc5f217/nvidia_cusolver_cu12-11.4.5.107-py3-none-manylinux1_x86_64.whl", hash = "sha256:8a7ec542f0412294b15072fa7dab71d31334014a69f953004ea7a118206fe0dd", size = 124161928 }, @@ -3439,47 +3422,45 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.3.4.1", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-cusparse-cu12", version = "12.2.0.103", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-nvjitlink-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" } }, + { name = "nvidia-cublas-cu12", version = "12.3.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cusparse-cu12", version = "12.2.0.103", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-nvjitlink-cu12", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/04/70/79f0033d97e6025e386898d129dcaccee4d222b09cfa8d313db94a605462/nvidia_cusolver_cu12-11.5.4.101-py3-none-manylinux1_x86_64.whl", hash = "sha256:783a3279553feaf8e47af12cab1fa769ffd5e644ea876db3dc2252f35f9bf256", size = 125182212 }, @@ -3492,21 +3473,21 @@ name = "nvidia-cusparse-cu12" version = "12.1.0.106" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ - { name = "nvidia-nvjitlink-cu12", version = "12.6.85", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, + { name = "nvidia-nvjitlink-cu12", marker = "(platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and extra == 'extra-7-itwinai-torch') or (platform_machine == 'x86_64' and platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Windows' and sys_platform == 'linux' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform != 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform == 'darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/65/5b/cfaeebf25cd9fdec14338ccb16f6b2c4c7fa9163aefcf057d86b9cc248bb/nvidia_cusparse_cu12-12.1.0.106-py3-none-manylinux1_x86_64.whl", hash = "sha256:f3b50f42cf363f86ab21f720998517a659a48131e8d538dc02f8768237bd884c", size = 195958278 }, @@ -3520,45 +3501,43 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", - "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] dependencies = [ - { name = "nvidia-nvjitlink-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" } }, + { name = "nvidia-nvjitlink-cu12", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/54/aa/db44573b6159a104e15d372e3739ad76bc036dee80f1fe6ba4618f476986/nvidia_cusparse_cu12-12.2.0.103-py3-none-manylinux1_x86_64.whl", hash = "sha256:fe9e17daf406c98c28fbc8bcf785ecd4db301bf02ce626de6aa1046de66f84bd", size = 197492558 }, @@ -3582,42 +3561,40 @@ source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/38/00/d0d4e48aef772ad5aebcf70b73028f88db6e5640b36c38e90445b7a57c45/nvidia_nccl_cu12-2.19.3-py3-none-manylinux1_x86_64.whl", hash = "sha256:a9734707a2c96443331c1e48c717024aa6678a0e2a4cb66b2c364d18cee6b48d", size = 165987969 }, @@ -3628,18 +3605,18 @@ name = "nvidia-nccl-cu12" version = "2.20.5" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/c1/bb/d09dda47c881f9ff504afd6f9ca4f502ded6d8fc2f572cacc5e39da91c28/nvidia_nccl_cu12-2.20.5-py3-none-manylinux2014_aarch64.whl", hash = "sha256:1fc150d5c3250b170b29410ba682384b14581db722b2531b0d8d33c595f33d01", size = 176238458 }, @@ -3650,49 +3627,12 @@ wheels = [ name = "nvidia-nvjitlink-cu12" version = "12.3.101" source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", -] wheels = [ { url = "https://files.pythonhosted.org/packages/1e/07/bf730d44c2fe1b676ad9cc2be5f5f861eb5d153fb6951987a2d6a96379a9/nvidia_nvjitlink_cu12-12.3.101-py3-none-manylinux1_x86_64.whl", hash = "sha256:64335a8088e2b9d196ae8665430bc6a2b7e6ef2eb877a9c735c804bd4ff6467c", size = 20544772 }, { url = "https://files.pythonhosted.org/packages/65/7a/18d1e2cb6b7cbc8ef93f34d2464144c23ed700320ef48d1d921ab1b0818e/nvidia_nvjitlink_cu12-12.3.101-py3-none-manylinux2014_aarch64.whl", hash = "sha256:211a63e7b30a9d62f1a853e19928fbb1a750e3f17a13a3d1f98ff0ced19478dd", size = 20052628 }, { url = "https://files.pythonhosted.org/packages/ad/d3/540ba5c6d627be251d6d4cb88d85f2163a18fa3b4c1b980d5f9500a5d7c4/nvidia_nvjitlink_cu12-12.3.101-py3-none-win_amd64.whl", hash = "sha256:1b2e317e437433753530792f13eece58f0aec21a2b05903be7bffe58a606cbd1", size = 94711468 }, ] -[[package]] -name = "nvidia-nvjitlink-cu12" -version = "12.6.85" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/9d/d7/c5383e47c7e9bf1c99d5bd2a8c935af2b6d705ad831a7ec5c97db4d82f4f/nvidia_nvjitlink_cu12-12.6.85-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:eedc36df9e88b682efe4309aa16b5b4e78c2407eac59e8c10a6a47535164369a", size = 19744971 }, - { url = "https://files.pythonhosted.org/packages/31/db/dc71113d441f208cdfe7ae10d4983884e13f464a6252450693365e166dcf/nvidia_nvjitlink_cu12-12.6.85-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:cf4eaa7d4b6b543ffd69d6abfb11efdeb2db48270d94dfd3a452c24150829e41", size = 19270338 }, -] - [[package]] name = "nvidia-nvtx-cu12" version = "12.1.105" @@ -4242,27 +4182,27 @@ name = "prov4ml" version = "1.0.0" source = { git = "https://github.com/matbun/ProvML?rev=new-main#c23e2265701384b1c983d0aff24247e4f416cfcc" } dependencies = [ - { name = "codecarbon" }, - { name = "fvcore" }, - { name = "geocoder" }, - { name = "gpustat" }, - { name = "gputil" }, - { name = "lightning" }, - { name = "netcdf4" }, - { name = "numpy" }, - { name = "pandas" }, - { name = "pipreqs" }, - { name = "prov" }, - { name = "psutil" }, - { name = "pydot" }, - { name = "torch", version = "2.1.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Windows'" }, - { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, - { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" } }, - { name = "torchvision", version = "0.16.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Windows'" }, - { name = "torchvision", version = "0.19.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, - { name = "torchvision", version = "0.19.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" } }, - { name = "tqdm" }, - { name = "typing-extensions" }, + { name = "codecarbon", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "fvcore", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "geocoder", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "gpustat", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "gputil", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "lightning", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "netcdf4", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "numpy", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "pandas", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "pipreqs", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "prov", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "psutil", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "pydot", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "torch", version = "2.1.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Windows' and extra == 'extra-7-itwinai-tf-cuda') or (platform_system != 'Windows' and extra != 'extra-7-itwinai-torch') or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "(platform_system == 'Darwin' and sys_platform != 'linux') or (platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (sys_platform == 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Darwin' and platform_system != 'Windows' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and sys_platform != 'linux') or (platform_system != 'Windows' and sys_platform == 'linux' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform != 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "torchvision", version = "0.16.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Windows' and extra == 'extra-7-itwinai-tf-cuda') or (platform_system != 'Windows' and extra != 'extra-7-itwinai-torch') or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "torchvision", version = "0.19.1", source = { registry = "https://pypi.org/simple" }, marker = "(platform_system == 'Darwin' and sys_platform != 'linux') or (platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (sys_platform == 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "torchvision", version = "0.19.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Darwin' and platform_system != 'Windows' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and sys_platform != 'linux') or (platform_system != 'Windows' and sys_platform == 'linux' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform != 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "tqdm", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "typing-extensions", marker = "platform_system != 'Windows' or sys_platform != 'linux' or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, ] [package.optional-dependencies] @@ -4345,15 +4285,15 @@ version = "17.0.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", ] @@ -4391,29 +4331,29 @@ version = "18.1.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] sdist = { url = "https://files.pythonhosted.org/packages/7f/7b/640785a9062bb00314caa8a387abce547d2a420cf09bd6c715fe659ccffb/pyarrow-18.1.0.tar.gz", hash = "sha256:9386d3ca9c145b5539a1cfc75df07757dff870168c959b473a0bccbc3abc8c73", size = 1118671 } wheels = [ @@ -7304,16 +7244,16 @@ name = "pytorch-lightning" version = "2.4.0" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "fsspec", extra = ["http"] }, - { name = "lightning-utilities" }, - { name = "packaging" }, - { name = "pyyaml" }, - { name = "torch", version = "2.1.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Windows'" }, - { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, - { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" } }, - { name = "torchmetrics" }, - { name = "tqdm" }, - { name = "typing-extensions" }, + { name = "fsspec", extra = ["http"], marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "lightning-utilities", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "packaging", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "pyyaml", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "torch", version = "2.1.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Windows' and extra == 'extra-7-itwinai-tf-cuda') or (platform_system != 'Windows' and extra != 'extra-7-itwinai-torch') or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, + { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin' and sys_platform != 'linux'" }, + { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "(platform_system != 'Darwin' and sys_platform != 'linux') or (platform_system != 'Windows' and sys_platform == 'linux')" }, + { name = "torchmetrics", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "tqdm", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "typing-extensions", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, ] sdist = { url = "https://files.pythonhosted.org/packages/d1/f0/3207bd5019c43899efbb5444da263577497a5c4dc82719633a3bf63d8f45/pytorch-lightning-2.4.0.tar.gz", hash = "sha256:6aa897fd9d6dfa7b7b49f37c2f04e13592861831d08deae584dfda423fdb71c8", size = 625320 } wheels = [ @@ -8368,18 +8308,18 @@ wheels = [ [package.optional-dependencies] and-cuda = [ - { name = "nvidia-cublas-cu12", version = "12.3.4.1", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-cuda-cupti-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-cuda-nvcc-cu12" }, - { name = "nvidia-cuda-nvrtc-cu12", version = "12.3.107", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-cuda-runtime-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-cudnn-cu12", version = "8.9.7.29", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-cufft-cu12", version = "11.0.12.1", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-curand-cu12", version = "10.3.4.107", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-cusolver-cu12", version = "11.5.4.101", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-cusparse-cu12", version = "12.2.0.103", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-nccl-cu12", version = "2.19.3", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-nvjitlink-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" } }, + { name = "nvidia-cublas-cu12", version = "12.3.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cuda-cupti-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cuda-nvcc-cu12", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cuda-nvrtc-cu12", version = "12.3.107", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cuda-runtime-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cudnn-cu12", version = "8.9.7.29", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cufft-cu12", version = "11.0.12.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-curand-cu12", version = "10.3.4.107", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cusolver-cu12", version = "11.5.4.101", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-cusparse-cu12", version = "12.2.0.103", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-nccl-cu12", version = "2.19.3", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, + { name = "nvidia-nvjitlink-cu12", marker = "platform_system != 'Windows' or sys_platform != 'linux'" }, ] [[package]] @@ -8504,33 +8444,36 @@ source = { registry = "https://download.pytorch.org/whl/cu121" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "filelock", marker = "(platform_system != 'Windows' and extra == 'extra-7-itwinai-tf-cuda') or (platform_system != 'Windows' and extra != 'extra-7-itwinai-torch') or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, @@ -8553,12 +8496,22 @@ name = "torch" version = "2.4.1" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ { name = "filelock", marker = "platform_system == 'Darwin' and sys_platform != 'linux'" }, @@ -8588,48 +8541,26 @@ name = "torch" version = "2.4.1+cu121" source = { registry = "https://download.pytorch.org/whl/cu121" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "filelock", marker = "(platform_system != 'Darwin' and sys_platform != 'linux') or (platform_system != 'Windows' and sys_platform == 'linux')" }, @@ -8707,33 +8638,36 @@ source = { registry = "https://download.pytorch.org/whl/cu121" } resolution-markers = [ "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "numpy", marker = "(platform_system != 'Windows' and extra == 'extra-7-itwinai-tf-cuda') or (platform_system != 'Windows' and extra != 'extra-7-itwinai-torch') or (extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, @@ -8753,12 +8687,22 @@ name = "torchvision" version = "0.19.1" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system == 'Darwin' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system == 'Darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ { name = "numpy", marker = "platform_system == 'Darwin' and sys_platform != 'linux'" }, @@ -8785,48 +8729,26 @@ name = "torchvision" version = "0.19.1+cu121" source = { registry = "https://download.pytorch.org/whl/cu121" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.12.*' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "python_full_version >= '3.13' and platform_machine == 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin'", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.13' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "numpy", marker = "(platform_system != 'Darwin' and sys_platform != 'linux') or (platform_system != 'Windows' and sys_platform == 'linux')" }, @@ -8887,18 +8809,21 @@ version = "2.1.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "(python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.13' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "filelock", marker = "(platform_machine != 'x86_64' and platform_system != 'Windows' and extra == 'extra-7-itwinai-tf-cuda') or (platform_machine != 'x86_64' and platform_system != 'Windows' and extra != 'extra-7-itwinai-torch') or (platform_machine == 'x86_64' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Windows' and sys_platform != 'darwin' and extra == 'extra-7-itwinai-tf-cuda') or (platform_system != 'Windows' and sys_platform != 'darwin' and extra != 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" }, @@ -8913,18 +8838,15 @@ name = "triton" version = "3.0.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "(python_full_version < '3.11' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.12.*' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'darwin') or (python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and sys_platform != 'linux')", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.12.*' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "filelock", marker = "(python_full_version < '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and platform_system != 'Windows' and extra == 'extra-7-itwinai-torch') or (python_full_version >= '3.13' and platform_machine != 'x86_64' and platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (python_full_version < '3.13' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and extra == 'extra-7-itwinai-torch') or (python_full_version < '3.13' and platform_system != 'Windows' and sys_platform == 'linux' and extra == 'extra-7-itwinai-torch') or (python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_machine == 'x86_64' and platform_system != 'Darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform != 'linux' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Darwin' and sys_platform == 'darwin' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch') or (platform_system == 'Windows' and extra == 'extra-7-itwinai-tf-cuda' and extra == 'extra-7-itwinai-torch')" },