Compare commits
No commits in common. "main" and "v0.11.1" have entirely different histories.
@ -1,22 +1,24 @@
|
||||
[project]
|
||||
name = "wdtagger"
|
||||
version = "0.14.0"
|
||||
version = "0.11.1"
|
||||
description = "A simple and easy-to-use wrapper for the tagger model created by [SmilingWolf](https://github.com/SmilingWolf) which is specifically designed for tagging anime illustrations."
|
||||
authors = [{ name = "Jianqi Pan", email = "jannchie@gmail.com" }]
|
||||
readme = "README.md"
|
||||
requires-python = ">=3.10"
|
||||
dependencies = ["huggingface-hub>=0.26.2", "pandas>=2.2.3", "pillow>=11.0.0"]
|
||||
dependencies = [
|
||||
"huggingface-hub>=0.26.2",
|
||||
"numpy>=2.1.3",
|
||||
"pandas>=2.2.3",
|
||||
"pillow>=11.0.0",
|
||||
]
|
||||
|
||||
[dependency-groups]
|
||||
dev = ["pytest>=8.3.3", "pytest-benchmark>=5.1.0", "ruff>=0.8.0"]
|
||||
|
||||
|
||||
[project.optional-dependencies]
|
||||
cpu = ["torch>=2.0.0", "torchvision>=0.20.1", "timm>=1.0.11"]
|
||||
gpu = ["torch>=2.0.0", "torchvision>=0.20.1", "timm>=1.0.11"]
|
||||
cuda11 = ["torch>=2.0.0", "torchvision>=0.20.1", "timm>=1.0.11"]
|
||||
cuda12 = ["torch>=2.0.0", "torchvision>=0.20.1", "timm>=1.0.11"]
|
||||
|
||||
cpu = ["torch>=2.5.1", "torchvision>=0.20.1", "timm>=1.0.11"]
|
||||
gpu = ["torch>=2.5.1", "torchvision>=0.20.1", "timm>=1.0.11"]
|
||||
|
||||
[tool.ruff]
|
||||
line-length = 140
|
||||
@ -34,37 +36,21 @@ ignore = [
|
||||
"N812",
|
||||
]
|
||||
|
||||
[tool.ruff.lint.extend-per-file-ignores]
|
||||
"tests/**/*.py" = [
|
||||
"S101", # asserts allowed in tests
|
||||
"PLR2004", # Magic value used in comparison
|
||||
]
|
||||
[tool.pyright]
|
||||
|
||||
[tool.uv]
|
||||
conflicts = [
|
||||
[
|
||||
{ extra = "cpu" },
|
||||
{ extra = "gpu" },
|
||||
{ extra = "cuda11" },
|
||||
{ extra = "cuda12" },
|
||||
],
|
||||
]
|
||||
conflicts = [[{ extra = "cpu" }, { extra = "gpu" }]]
|
||||
package = true
|
||||
|
||||
[tool.uv.sources]
|
||||
torch = [
|
||||
{ index = "torch-cpu", extra = "cpu" },
|
||||
{ index = "torch-gpu", extra = "gpu" },
|
||||
{ index = "torch-cuda11", extra = "cuda11" },
|
||||
{ index = "torch-cuda12", extra = "cuda12" },
|
||||
]
|
||||
|
||||
torchvision = [
|
||||
{ index = "torch-cpu", extra = "cpu" },
|
||||
{ index = "torch-gpu", extra = "gpu" },
|
||||
{ index = "torch-cuda11", extra = "cuda11" },
|
||||
{ index = "torch-cuda12", extra = "cuda12" },
|
||||
]
|
||||
|
||||
[[tool.uv.index]]
|
||||
@ -77,16 +63,6 @@ name = "torch-gpu"
|
||||
url = "https://download.pytorch.org/whl/cu124"
|
||||
explicit = true
|
||||
|
||||
[[tool.uv.index]]
|
||||
name = "torch-cuda11"
|
||||
url = "https://download.pytorch.org/whl/cu118"
|
||||
explicit = true
|
||||
|
||||
[[tool.uv.index]]
|
||||
name = "torch-cuda12"
|
||||
url = "https://download.pytorch.org/whl/cu124"
|
||||
explicit = true
|
||||
|
||||
[build-system]
|
||||
requires = ["hatchling"]
|
||||
build-backend = "hatchling.build"
|
||||
|
@ -1,4 +1,3 @@
|
||||
import importlib.resources
|
||||
import logging
|
||||
import os
|
||||
import time
|
||||
@ -11,6 +10,8 @@ import numpy as np
|
||||
import pandas as pd
|
||||
import timm
|
||||
import torch
|
||||
from huggingface_hub import hf_hub_download
|
||||
from huggingface_hub.utils import HfHubHTTPError
|
||||
from PIL import Image
|
||||
from PIL.ImageFile import ImageFile
|
||||
from timm.data import create_transform, resolve_data_config
|
||||
@ -20,8 +21,14 @@ from torch.nn import functional as F
|
||||
if TYPE_CHECKING:
|
||||
from torchvision.transforms import Compose
|
||||
|
||||
|
||||
HF_TOKEN = os.environ.get("HF_TOKEN", "")
|
||||
LABEL_FILENAME = "selected_tags.csv"
|
||||
|
||||
MODEL_REPO_MAP = {
|
||||
"vit": "SmilingWolf/wd-vit-tagger-v3",
|
||||
"swinv2": "SmilingWolf/wd-swinv2-tagger-v3",
|
||||
"convnext": "SmilingWolf/wd-convnext-tagger-v3",
|
||||
}
|
||||
|
||||
|
||||
Input = np.ndarray | Image.Image | str | Path | ImageFile
|
||||
@ -35,10 +42,24 @@ class LabelData:
|
||||
character: list[np.int64]
|
||||
|
||||
|
||||
def load_labels() -> LabelData:
|
||||
file = importlib.resources.as_file(importlib.resources.files("wdtagger.assets").joinpath("selected_tags.csv"))
|
||||
with file as f:
|
||||
df: pd.DataFrame = pd.read_csv(f, usecols=["name", "category"])
|
||||
def load_labels_hf(
|
||||
repo_id: str,
|
||||
revision: str | None = None,
|
||||
token: str | None = None,
|
||||
) -> LabelData:
|
||||
try:
|
||||
csv_path = hf_hub_download(
|
||||
repo_id=repo_id,
|
||||
filename="selected_tags.csv",
|
||||
revision=revision,
|
||||
token=token,
|
||||
)
|
||||
csv_path = Path(csv_path).resolve()
|
||||
except HfHubHTTPError as e:
|
||||
msg = f"selected_tags.csv failed to download from {repo_id}"
|
||||
raise FileNotFoundError(msg) from e
|
||||
|
||||
df: pd.DataFrame = pd.read_csv(csv_path, usecols=["name", "category"])
|
||||
rating_catagory_idx = 9
|
||||
general_catagory_idx = 0
|
||||
character_catagory_idx = 4
|
||||
@ -125,7 +146,7 @@ class Result:
|
||||
"""Return general tags as a tuple."""
|
||||
|
||||
return tuple(
|
||||
d.replace("_", " ")
|
||||
d.replace("_", " ").replace("(", R"\(").replace(")", R"\)")
|
||||
for d in sorted(
|
||||
self.general_tag_data,
|
||||
key=lambda k: self.general_tag_data[k],
|
||||
@ -137,7 +158,7 @@ class Result:
|
||||
def character_tags(self) -> tuple[str, ...]:
|
||||
"""Return character tags as a tuple."""
|
||||
return tuple(
|
||||
d.replace("_", " ")
|
||||
d.replace("_", " ").replace("(", R"\(").replace(")", R"\)")
|
||||
for d in sorted(
|
||||
self.character_tag_data,
|
||||
key=lambda k: self.character_tag_data[k],
|
||||
@ -228,7 +249,7 @@ class Tagger:
|
||||
state_dict = timm.models.load_state_dict_from_hf(model_repo)
|
||||
model.load_state_dict(state_dict)
|
||||
|
||||
self.labels: LabelData = load_labels()
|
||||
self.labels: LabelData = load_labels_hf(repo_id=model_repo)
|
||||
|
||||
self.transform: Compose = create_transform(**resolve_data_config(model.pretrained_cfg, model=model)) # type: ignore
|
||||
|
||||
@ -267,7 +288,8 @@ class Tagger:
|
||||
Result | list[Result]: Tagging results.
|
||||
"""
|
||||
started_at = time.time()
|
||||
images = list(image) if isinstance(image, Sequence) and not isinstance(image, str) else [image]
|
||||
input_is_list = isinstance(image, list)
|
||||
images = list(image) if isinstance(image, Sequence) else [image]
|
||||
images = [to_pil(img) for img in images]
|
||||
images = [pil_ensure_rgb(img) for img in images]
|
||||
images = [pil_pad_square(img) for img in images]
|
||||
@ -307,7 +329,7 @@ class Tagger:
|
||||
"s" if image_length > 1 else "",
|
||||
duration,
|
||||
)
|
||||
if isinstance(image, Sequence) and not isinstance(image, str):
|
||||
if input_is_list:
|
||||
return results
|
||||
return results[0] if len(results) == 1 else results
|
||||
|
||||
|
File diff suppressed because it is too large
Load Diff
@ -6,60 +6,54 @@ from wdtagger import Tagger
|
||||
|
||||
|
||||
@pytest.fixture
|
||||
def tagger() -> Tagger:
|
||||
"""
|
||||
Create and return a new instance of the Tagger class.
|
||||
|
||||
Returns:
|
||||
Tagger: An instance of the Tagger class.
|
||||
"""
|
||||
def tagger():
|
||||
return Tagger()
|
||||
|
||||
|
||||
@pytest.fixture
|
||||
def image_file() -> str:
|
||||
def image_file():
|
||||
return "./tests/images/赤松楓.9d64b955.jpeg"
|
||||
|
||||
|
||||
def test_tagger(tagger: Tagger, image_file: str) -> None:
|
||||
def test_tagger(tagger, image_file):
|
||||
image = Image.open(image_file)
|
||||
result = tagger.tag(image, character_threshold=0.85, general_threshold=0.35)
|
||||
|
||||
assert result.character_tags_string == "akamatsu_kaede"
|
||||
assert result.character_tags_string == "akamatsu kaede"
|
||||
assert result.rating == "general"
|
||||
|
||||
|
||||
@pytest.mark.parametrize("image_file", ["./tests/images/赤松楓.9d64b955.jpeg"])
|
||||
def test_tagger_path_single(tagger: Tagger, image_file: str) -> None:
|
||||
def test_tagger_path(tagger, image_file):
|
||||
result = tagger.tag(image_file, character_threshold=0.85, general_threshold=0.35)
|
||||
|
||||
assert result.character_tags_string == "akamatsu_kaede"
|
||||
assert result.character_tags_string == "akamatsu kaede"
|
||||
assert result.rating == "general"
|
||||
|
||||
|
||||
@pytest.mark.parametrize("image_file", ["./tests/images/赤松楓.9d64b955.jpeg"])
|
||||
def test_tagger_np(tagger: Tagger, image_file: str) -> None:
|
||||
def test_tagger_np(tagger, image_file):
|
||||
image = Image.open(image_file)
|
||||
image_np = np.array(image)
|
||||
result = tagger.tag(image_np, character_threshold=0.85, general_threshold=0.35)
|
||||
|
||||
assert result.character_tags_string == "akamatsu_kaede"
|
||||
assert result.character_tags_string == "akamatsu kaede"
|
||||
assert result.rating == "general"
|
||||
|
||||
|
||||
@pytest.mark.parametrize("image_file", ["./tests/images/赤松楓.9d64b955.jpeg"])
|
||||
def test_tagger_pil(tagger: Tagger, image_file: str) -> None:
|
||||
def test_tagger_pil(tagger, image_file):
|
||||
image = Image.open(image_file)
|
||||
result = tagger.tag(image, character_threshold=0.85, general_threshold=0.35)
|
||||
|
||||
assert result.character_tags_string == "akamatsu_kaede"
|
||||
assert result.character_tags_string == "akamatsu kaede"
|
||||
assert result.rating == "general"
|
||||
|
||||
|
||||
@pytest.mark.parametrize("image_file", ["./tests/images/赤松楓.9d64b955.jpeg"])
|
||||
def test_tagger_path_multi(tagger: Tagger, image_file: str) -> None:
|
||||
results = tagger.tag([image_file, image_file], character_threshold=0.85, general_threshold=0.35)
|
||||
assert len(results) == 2
|
||||
@pytest.mark.parametrize("image_file", [["./tests/images/赤松楓.9d64b955.jpeg"]])
|
||||
def test_tagger_np_single(tagger, image_file):
|
||||
results = tagger.tag(image_file, character_threshold=0.85, general_threshold=0.35)
|
||||
assert len(results) == 1
|
||||
result = results[0]
|
||||
assert result.character_tags_string == "akamatsu_kaede"
|
||||
assert result.character_tags_string == "akamatsu kaede"
|
||||
assert result.rating == "general"
|
||||
|
712
uv.lock
generated
712
uv.lock
generated
@ -1,37 +1,37 @@
|
||||
version = 1
|
||||
revision = 1
|
||||
requires-python = ">=3.10"
|
||||
resolution-markers = [
|
||||
"(python_full_version >= '3.12' and platform_machine != 'aarch64' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version >= '3.12' and sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"(python_full_version == '3.11.*' and platform_machine != 'aarch64' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"(python_full_version < '3.11' and platform_machine != 'aarch64' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"python_full_version >= '3.12' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"python_full_version == '3.11.*' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"python_full_version < '3.11' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"(python_full_version >= '3.12' and platform_machine != 'aarch64' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (python_full_version >= '3.12' and sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')",
|
||||
"python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu'",
|
||||
"(python_full_version == '3.11.*' and platform_machine != 'aarch64' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')",
|
||||
"python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu'",
|
||||
"(python_full_version < '3.11' and platform_machine != 'aarch64' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')",
|
||||
"python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu'",
|
||||
"(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"(python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version >= '3.12' and sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"(python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"(python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu') or (python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu')",
|
||||
"python_full_version >= '3.12' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"python_full_version == '3.11.*' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"python_full_version < '3.11' and extra != 'extra-8-wdtagger-cpu' and extra != 'extra-8-wdtagger-cuda11' and extra != 'extra-8-wdtagger-cuda12' and extra != 'extra-8-wdtagger-gpu'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
]
|
||||
conflicts = [[
|
||||
{ package = "wdtagger", extra = "cpu" },
|
||||
{ package = "wdtagger", extra = "gpu" },
|
||||
{ package = "wdtagger", extra = "cuda11" },
|
||||
{ package = "wdtagger", extra = "cuda12" },
|
||||
]]
|
||||
|
||||
[[package]]
|
||||
@ -274,45 +274,64 @@ wheels = [
|
||||
|
||||
[[package]]
|
||||
name = "numpy"
|
||||
version = "1.26.4"
|
||||
version = "2.1.3"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
sdist = { url = "https://files.pythonhosted.org/packages/65/6e/09db70a523a96d25e115e71cc56a6f9031e7b8cd166c1ac8438307c14058/numpy-1.26.4.tar.gz", hash = "sha256:2a02aba9ed12e4ac4eb3ea9421c420301a0c6460d9830d74a9df87efa4912010", size = 15786129 }
|
||||
sdist = { url = "https://files.pythonhosted.org/packages/25/ca/1166b75c21abd1da445b97bf1fa2f14f423c6cfb4fc7c4ef31dccf9f6a94/numpy-2.1.3.tar.gz", hash = "sha256:aa08e04e08aaf974d4458def539dece0d28146d866a39da5639596f4921fd761", size = 20166090 }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/a7/94/ace0fdea5241a27d13543ee117cbc65868e82213fb31a8eb7fe9ff23f313/numpy-1.26.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:9ff0f4f29c51e2803569d7a51c2304de5554655a60c5d776e35b4a41413830d0", size = 20631468 },
|
||||
{ url = "https://files.pythonhosted.org/packages/20/f7/b24208eba89f9d1b58c1668bc6c8c4fd472b20c45573cb767f59d49fb0f6/numpy-1.26.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:2e4ee3380d6de9c9ec04745830fd9e2eccb3e6cf790d39d7b98ffd19b0dd754a", size = 13966411 },
|
||||
{ url = "https://files.pythonhosted.org/packages/fc/a5/4beee6488160798683eed5bdb7eead455892c3b4e1f78d79d8d3f3b084ac/numpy-1.26.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d209d8969599b27ad20994c8e41936ee0964e6da07478d6c35016bc386b66ad4", size = 14219016 },
|
||||
{ url = "https://files.pythonhosted.org/packages/4b/d7/ecf66c1cd12dc28b4040b15ab4d17b773b87fa9d29ca16125de01adb36cd/numpy-1.26.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ffa75af20b44f8dba823498024771d5ac50620e6915abac414251bd971b4529f", size = 18240889 },
|
||||
{ url = "https://files.pythonhosted.org/packages/24/03/6f229fe3187546435c4f6f89f6d26c129d4f5bed40552899fcf1f0bf9e50/numpy-1.26.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:62b8e4b1e28009ef2846b4c7852046736bab361f7aeadeb6a5b89ebec3c7055a", size = 13876746 },
|
||||
{ url = "https://files.pythonhosted.org/packages/39/fe/39ada9b094f01f5a35486577c848fe274e374bbf8d8f472e1423a0bbd26d/numpy-1.26.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a4abb4f9001ad2858e7ac189089c42178fcce737e4169dc61321660f1a96c7d2", size = 18078620 },
|
||||
{ url = "https://files.pythonhosted.org/packages/d5/ef/6ad11d51197aad206a9ad2286dc1aac6a378059e06e8cf22cd08ed4f20dc/numpy-1.26.4-cp310-cp310-win32.whl", hash = "sha256:bfe25acf8b437eb2a8b2d49d443800a5f18508cd811fea3181723922a8a82b07", size = 5972659 },
|
||||
{ url = "https://files.pythonhosted.org/packages/19/77/538f202862b9183f54108557bfda67e17603fc560c384559e769321c9d92/numpy-1.26.4-cp310-cp310-win_amd64.whl", hash = "sha256:b97fe8060236edf3662adfc2c633f56a08ae30560c56310562cb4f95500022d5", size = 15808905 },
|
||||
{ url = "https://files.pythonhosted.org/packages/11/57/baae43d14fe163fa0e4c47f307b6b2511ab8d7d30177c491960504252053/numpy-1.26.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4c66707fabe114439db9068ee468c26bbdf909cac0fb58686a42a24de1760c71", size = 20630554 },
|
||||
{ url = "https://files.pythonhosted.org/packages/1a/2e/151484f49fd03944c4a3ad9c418ed193cfd02724e138ac8a9505d056c582/numpy-1.26.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:edd8b5fe47dab091176d21bb6de568acdd906d1887a4584a15a9a96a1dca06ef", size = 13997127 },
|
||||
{ url = "https://files.pythonhosted.org/packages/79/ae/7e5b85136806f9dadf4878bf73cf223fe5c2636818ba3ab1c585d0403164/numpy-1.26.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7ab55401287bfec946ced39700c053796e7cc0e3acbef09993a9ad2adba6ca6e", size = 14222994 },
|
||||
{ url = "https://files.pythonhosted.org/packages/3a/d0/edc009c27b406c4f9cbc79274d6e46d634d139075492ad055e3d68445925/numpy-1.26.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:666dbfb6ec68962c033a450943ded891bed2d54e6755e35e5835d63f4f6931d5", size = 18252005 },
|
||||
{ url = "https://files.pythonhosted.org/packages/09/bf/2b1aaf8f525f2923ff6cfcf134ae5e750e279ac65ebf386c75a0cf6da06a/numpy-1.26.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:96ff0b2ad353d8f990b63294c8986f1ec3cb19d749234014f4e7eb0112ceba5a", size = 13885297 },
|
||||
{ url = "https://files.pythonhosted.org/packages/df/a0/4e0f14d847cfc2a633a1c8621d00724f3206cfeddeb66d35698c4e2cf3d2/numpy-1.26.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:60dedbb91afcbfdc9bc0b1f3f402804070deed7392c23eb7a7f07fa857868e8a", size = 18093567 },
|
||||
{ url = "https://files.pythonhosted.org/packages/d2/b7/a734c733286e10a7f1a8ad1ae8c90f2d33bf604a96548e0a4a3a6739b468/numpy-1.26.4-cp311-cp311-win32.whl", hash = "sha256:1af303d6b2210eb850fcf03064d364652b7120803a0b872f5211f5234b399f20", size = 5968812 },
|
||||
{ url = "https://files.pythonhosted.org/packages/3f/6b/5610004206cf7f8e7ad91c5a85a8c71b2f2f8051a0c0c4d5916b76d6cbb2/numpy-1.26.4-cp311-cp311-win_amd64.whl", hash = "sha256:cd25bcecc4974d09257ffcd1f098ee778f7834c3ad767fe5db785be9a4aa9cb2", size = 15811913 },
|
||||
{ url = "https://files.pythonhosted.org/packages/95/12/8f2020a8e8b8383ac0177dc9570aad031a3beb12e38847f7129bacd96228/numpy-1.26.4-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:b3ce300f3644fb06443ee2222c2201dd3a89ea6040541412b8fa189341847218", size = 20335901 },
|
||||
{ url = "https://files.pythonhosted.org/packages/75/5b/ca6c8bd14007e5ca171c7c03102d17b4f4e0ceb53957e8c44343a9546dcc/numpy-1.26.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:03a8c78d01d9781b28a6989f6fa1bb2c4f2d51201cf99d3dd875df6fbd96b23b", size = 13685868 },
|
||||
{ url = "https://files.pythonhosted.org/packages/79/f8/97f10e6755e2a7d027ca783f63044d5b1bc1ae7acb12afe6a9b4286eac17/numpy-1.26.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9fad7dcb1aac3c7f0584a5a8133e3a43eeb2fe127f47e3632d43d677c66c102b", size = 13925109 },
|
||||
{ url = "https://files.pythonhosted.org/packages/0f/50/de23fde84e45f5c4fda2488c759b69990fd4512387a8632860f3ac9cd225/numpy-1.26.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:675d61ffbfa78604709862923189bad94014bef562cc35cf61d3a07bba02a7ed", size = 17950613 },
|
||||
{ url = "https://files.pythonhosted.org/packages/4c/0c/9c603826b6465e82591e05ca230dfc13376da512b25ccd0894709b054ed0/numpy-1.26.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ab47dbe5cc8210f55aa58e4805fe224dac469cde56b9f731a4c098b91917159a", size = 13572172 },
|
||||
{ url = "https://files.pythonhosted.org/packages/76/8c/2ba3902e1a0fc1c74962ea9bb33a534bb05984ad7ff9515bf8d07527cadd/numpy-1.26.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:1dda2e7b4ec9dd512f84935c5f126c8bd8b9f2fc001e9f54af255e8c5f16b0e0", size = 17786643 },
|
||||
{ url = "https://files.pythonhosted.org/packages/28/4a/46d9e65106879492374999e76eb85f87b15328e06bd1550668f79f7b18c6/numpy-1.26.4-cp312-cp312-win32.whl", hash = "sha256:50193e430acfc1346175fcbdaa28ffec49947a06918b7b92130744e81e640110", size = 5677803 },
|
||||
{ url = "https://files.pythonhosted.org/packages/16/2e/86f24451c2d530c88daf997cb8d6ac622c1d40d19f5a031ed68a4b73a374/numpy-1.26.4-cp312-cp312-win_amd64.whl", hash = "sha256:08beddf13648eb95f8d867350f6a018a4be2e5ad54c8d8caed89ebca558b2818", size = 15517754 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-cublas-cu11"
|
||||
version = "11.11.3.6"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/46/be/c222e33e60d28ecd496a46fc4d78ccae0ee28e1fd7dc705b6288b4cad27e/nvidia_cublas_cu11-11.11.3.6-py3-none-manylinux1_x86_64.whl", hash = "sha256:39fb40e8f486dd8a2ddb8fdeefe1d5b28f5b99df01c87ab3676f057a74a5a6f3", size = 417870452 },
|
||||
{ url = "https://files.pythonhosted.org/packages/96/df/c5ac9ac5096355c47c606e613ecc7aa50fbccf5e0145df857d11da6464b1/nvidia_cublas_cu11-11.11.3.6-py3-none-manylinux2014_aarch64.whl", hash = "sha256:5ccae9e069a2c6be9af9cb5a0b0c6928c19c7915e390d15f598a1eead2a01a7a", size = 291428448 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ea/2e/9d99c60771d275ecf6c914a612e9a577f740a615bc826bec132368e1d3ae/nvidia_cublas_cu11-11.11.3.6-py3-none-manylinux2014_x86_64.whl", hash = "sha256:60252822adea5d0b10cd990a7dc7bedf7435f30ae40083c7a624a85a43225abc", size = 417870460 },
|
||||
{ url = "https://files.pythonhosted.org/packages/0b/1d/7a78cd36fd5e3da4021b3ac2c2c8b2651dd72345b7c3ecc0d3e051884f50/nvidia_cublas_cu11-11.11.3.6-py3-none-win_amd64.whl", hash = "sha256:6ab12b1302bef8ac1ff4414edd1c059e57f4833abef9151683fb8f4de25900be", size = 427234740 },
|
||||
{ url = "https://files.pythonhosted.org/packages/f1/80/d572a4737626372915bca41c3afbfec9d173561a39a0a61bacbbfd1dafd4/numpy-2.1.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c894b4305373b9c5576d7a12b473702afdf48ce5369c074ba304cc5ad8730dff", size = 21152472 },
|
||||
{ url = "https://files.pythonhosted.org/packages/6f/bb/7bfba10c791ae3bb6716da77ad85a82d5fac07fc96fb0023ef0571df9d20/numpy-2.1.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:b47fbb433d3260adcd51eb54f92a2ffbc90a4595f8970ee00e064c644ac788f5", size = 13747967 },
|
||||
{ url = "https://files.pythonhosted.org/packages/da/d6/2df7bde35f0478455f0be5934877b3e5a505f587b00230f54a519a6b55a5/numpy-2.1.3-cp310-cp310-macosx_14_0_arm64.whl", hash = "sha256:825656d0743699c529c5943554d223c021ff0494ff1442152ce887ef4f7561a1", size = 5354921 },
|
||||
{ url = "https://files.pythonhosted.org/packages/d1/bb/75b945874f931494891eac6ca06a1764d0e8208791f3addadb2963b83527/numpy-2.1.3-cp310-cp310-macosx_14_0_x86_64.whl", hash = "sha256:6a4825252fcc430a182ac4dee5a505053d262c807f8a924603d411f6718b88fd", size = 6888603 },
|
||||
{ url = "https://files.pythonhosted.org/packages/68/a7/fde73636f6498dbfa6d82fc336164635fe592f1ad0d13285fcb6267fdc1c/numpy-2.1.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e711e02f49e176a01d0349d82cb5f05ba4db7d5e7e0defd026328e5cfb3226d3", size = 13889862 },
|
||||
{ url = "https://files.pythonhosted.org/packages/05/db/5d9c91b2e1e2e72be1369278f696356d44975befcae830daf2e667dcb54f/numpy-2.1.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:78574ac2d1a4a02421f25da9559850d59457bac82f2b8d7a44fe83a64f770098", size = 16328151 },
|
||||
{ url = "https://files.pythonhosted.org/packages/3e/6a/7eb732109b53ae64a29e25d7e68eb9d6611037f6354875497008a49e74d3/numpy-2.1.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c7662f0e3673fe4e832fe07b65c50342ea27d989f92c80355658c7f888fcc83c", size = 16704107 },
|
||||
{ url = "https://files.pythonhosted.org/packages/88/cc/278113b66a1141053cbda6f80e4200c6da06b3079c2d27bda1fde41f2c1f/numpy-2.1.3-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:fa2d1337dc61c8dc417fbccf20f6d1e139896a30721b7f1e832b2bb6ef4eb6c4", size = 14385789 },
|
||||
{ url = "https://files.pythonhosted.org/packages/f5/69/eb20f5e1bfa07449bc67574d2f0f7c1e6b335fb41672e43861a7727d85f2/numpy-2.1.3-cp310-cp310-win32.whl", hash = "sha256:72dcc4a35a8515d83e76b58fdf8113a5c969ccd505c8a946759b24e3182d1f23", size = 6536706 },
|
||||
{ url = "https://files.pythonhosted.org/packages/8e/8b/1c131ab5a94c1086c289c6e1da1d843de9dbd95fe5f5ee6e61904c9518e2/numpy-2.1.3-cp310-cp310-win_amd64.whl", hash = "sha256:ecc76a9ba2911d8d37ac01de72834d8849e55473457558e12995f4cd53e778e0", size = 12864165 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ad/81/c8167192eba5247593cd9d305ac236847c2912ff39e11402e72ae28a4985/numpy-2.1.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4d1167c53b93f1f5d8a139a742b3c6f4d429b54e74e6b57d0eff40045187b15d", size = 21156252 },
|
||||
{ url = "https://files.pythonhosted.org/packages/da/74/5a60003fc3d8a718d830b08b654d0eea2d2db0806bab8f3c2aca7e18e010/numpy-2.1.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:c80e4a09b3d95b4e1cac08643f1152fa71a0a821a2d4277334c88d54b2219a41", size = 13784119 },
|
||||
{ url = "https://files.pythonhosted.org/packages/47/7c/864cb966b96fce5e63fcf25e1e4d957fe5725a635e5f11fe03f39dd9d6b5/numpy-2.1.3-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:576a1c1d25e9e02ed7fa5477f30a127fe56debd53b8d2c89d5578f9857d03ca9", size = 5352978 },
|
||||
{ url = "https://files.pythonhosted.org/packages/09/ac/61d07930a4993dd9691a6432de16d93bbe6aa4b1c12a5e573d468eefc1ca/numpy-2.1.3-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:973faafebaae4c0aaa1a1ca1ce02434554d67e628b8d805e61f874b84e136b09", size = 6892570 },
|
||||
{ url = "https://files.pythonhosted.org/packages/27/2f/21b94664f23af2bb52030653697c685022119e0dc93d6097c3cb45bce5f9/numpy-2.1.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:762479be47a4863e261a840e8e01608d124ee1361e48b96916f38b119cfda04a", size = 13896715 },
|
||||
{ url = "https://files.pythonhosted.org/packages/7a/f0/80811e836484262b236c684a75dfc4ba0424bc670e765afaa911468d9f39/numpy-2.1.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bc6f24b3d1ecc1eebfbf5d6051faa49af40b03be1aaa781ebdadcbc090b4539b", size = 16339644 },
|
||||
{ url = "https://files.pythonhosted.org/packages/fa/81/ce213159a1ed8eb7d88a2a6ef4fbdb9e4ffd0c76b866c350eb4e3c37e640/numpy-2.1.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:17ee83a1f4fef3c94d16dc1802b998668b5419362c8a4f4e8a491de1b41cc3ee", size = 16712217 },
|
||||
{ url = "https://files.pythonhosted.org/packages/7d/84/4de0b87d5a72f45556b2a8ee9fc8801e8518ec867fc68260c1f5dcb3903f/numpy-2.1.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:15cb89f39fa6d0bdfb600ea24b250e5f1a3df23f901f51c8debaa6a5d122b2f0", size = 14399053 },
|
||||
{ url = "https://files.pythonhosted.org/packages/7e/1c/e5fabb9ad849f9d798b44458fd12a318d27592d4bc1448e269dec070ff04/numpy-2.1.3-cp311-cp311-win32.whl", hash = "sha256:d9beb777a78c331580705326d2367488d5bc473b49a9bc3036c154832520aca9", size = 6534741 },
|
||||
{ url = "https://files.pythonhosted.org/packages/1e/48/a9a4b538e28f854bfb62e1dea3c8fea12e90216a276c7777ae5345ff29a7/numpy-2.1.3-cp311-cp311-win_amd64.whl", hash = "sha256:d89dd2b6da69c4fff5e39c28a382199ddedc3a5be5390115608345dec660b9e2", size = 12869487 },
|
||||
{ url = "https://files.pythonhosted.org/packages/8a/f0/385eb9970309643cbca4fc6eebc8bb16e560de129c91258dfaa18498da8b/numpy-2.1.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:f55ba01150f52b1027829b50d70ef1dafd9821ea82905b63936668403c3b471e", size = 20849658 },
|
||||
{ url = "https://files.pythonhosted.org/packages/54/4a/765b4607f0fecbb239638d610d04ec0a0ded9b4951c56dc68cef79026abf/numpy-2.1.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:13138eadd4f4da03074851a698ffa7e405f41a0845a6b1ad135b81596e4e9958", size = 13492258 },
|
||||
{ url = "https://files.pythonhosted.org/packages/bd/a7/2332679479c70b68dccbf4a8eb9c9b5ee383164b161bee9284ac141fbd33/numpy-2.1.3-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:a6b46587b14b888e95e4a24d7b13ae91fa22386c199ee7b418f449032b2fa3b8", size = 5090249 },
|
||||
{ url = "https://files.pythonhosted.org/packages/c1/67/4aa00316b3b981a822c7a239d3a8135be2a6945d1fd11d0efb25d361711a/numpy-2.1.3-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:0fa14563cc46422e99daef53d725d0c326e99e468a9320a240affffe87852564", size = 6621704 },
|
||||
{ url = "https://files.pythonhosted.org/packages/5e/da/1a429ae58b3b6c364eeec93bf044c532f2ff7b48a52e41050896cf15d5b1/numpy-2.1.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8637dcd2caa676e475503d1f8fdb327bc495554e10838019651b76d17b98e512", size = 13606089 },
|
||||
{ url = "https://files.pythonhosted.org/packages/9e/3e/3757f304c704f2f0294a6b8340fcf2be244038be07da4cccf390fa678a9f/numpy-2.1.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2312b2aa89e1f43ecea6da6ea9a810d06aae08321609d8dc0d0eda6d946a541b", size = 16043185 },
|
||||
{ url = "https://files.pythonhosted.org/packages/43/97/75329c28fea3113d00c8d2daf9bc5828d58d78ed661d8e05e234f86f0f6d/numpy-2.1.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:a38c19106902bb19351b83802531fea19dee18e5b37b36454f27f11ff956f7fc", size = 16410751 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ad/7a/442965e98b34e0ae9da319f075b387bcb9a1e0658276cc63adb8c9686f7b/numpy-2.1.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:02135ade8b8a84011cbb67dc44e07c58f28575cf9ecf8ab304e51c05528c19f0", size = 14082705 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ac/b6/26108cf2cfa5c7e03fb969b595c93131eab4a399762b51ce9ebec2332e80/numpy-2.1.3-cp312-cp312-win32.whl", hash = "sha256:e6988e90fcf617da2b5c78902fe8e668361b43b4fe26dbf2d7b0f8034d4cafb9", size = 6239077 },
|
||||
{ url = "https://files.pythonhosted.org/packages/a6/84/fa11dad3404b7634aaab50733581ce11e5350383311ea7a7010f464c0170/numpy-2.1.3-cp312-cp312-win_amd64.whl", hash = "sha256:0d30c543f02e84e92c4b1f415b7c6b5326cbe45ee7882b6b77db7195fb971e3a", size = 12566858 },
|
||||
{ url = "https://files.pythonhosted.org/packages/4d/0b/620591441457e25f3404c8057eb924d04f161244cb8a3680d529419aa86e/numpy-2.1.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:96fe52fcdb9345b7cd82ecd34547fca4321f7656d500eca497eb7ea5a926692f", size = 20836263 },
|
||||
{ url = "https://files.pythonhosted.org/packages/45/e1/210b2d8b31ce9119145433e6ea78046e30771de3fe353f313b2778142f34/numpy-2.1.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f653490b33e9c3a4c1c01d41bc2aef08f9475af51146e4a7710c450cf9761598", size = 13507771 },
|
||||
{ url = "https://files.pythonhosted.org/packages/55/44/aa9ee3caee02fa5a45f2c3b95cafe59c44e4b278fbbf895a93e88b308555/numpy-2.1.3-cp313-cp313-macosx_14_0_arm64.whl", hash = "sha256:dc258a761a16daa791081d026f0ed4399b582712e6fc887a95af09df10c5ca57", size = 5075805 },
|
||||
{ url = "https://files.pythonhosted.org/packages/78/d6/61de6e7e31915ba4d87bbe1ae859e83e6582ea14c6add07c8f7eefd8488f/numpy-2.1.3-cp313-cp313-macosx_14_0_x86_64.whl", hash = "sha256:016d0f6f5e77b0f0d45d77387ffa4bb89816b57c835580c3ce8e099ef830befe", size = 6608380 },
|
||||
{ url = "https://files.pythonhosted.org/packages/3e/46/48bdf9b7241e317e6cf94276fe11ba673c06d1fdf115d8b4ebf616affd1a/numpy-2.1.3-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c181ba05ce8299c7aa3125c27b9c2167bca4a4445b7ce73d5febc411ca692e43", size = 13602451 },
|
||||
{ url = "https://files.pythonhosted.org/packages/70/50/73f9a5aa0810cdccda9c1d20be3cbe4a4d6ea6bfd6931464a44c95eef731/numpy-2.1.3-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5641516794ca9e5f8a4d17bb45446998c6554704d888f86df9b200e66bdcce56", size = 16039822 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ad/cd/098bc1d5a5bc5307cfc65ee9369d0ca658ed88fbd7307b0d49fab6ca5fa5/numpy-2.1.3-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:ea4dedd6e394a9c180b33c2c872b92f7ce0f8e7ad93e9585312b0c5a04777a4a", size = 16411822 },
|
||||
{ url = "https://files.pythonhosted.org/packages/83/a2/7d4467a2a6d984549053b37945620209e702cf96a8bc658bc04bba13c9e2/numpy-2.1.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:b0df3635b9c8ef48bd3be5f862cf71b0a4716fa0e702155c45067c6b711ddcef", size = 14079598 },
|
||||
{ url = "https://files.pythonhosted.org/packages/e9/6a/d64514dcecb2ee70bfdfad10c42b76cab657e7ee31944ff7a600f141d9e9/numpy-2.1.3-cp313-cp313-win32.whl", hash = "sha256:50ca6aba6e163363f132b5c101ba078b8cbd3fa92c7865fd7d4d62d9779ac29f", size = 6236021 },
|
||||
{ url = "https://files.pythonhosted.org/packages/bb/f9/12297ed8d8301a401e7d8eb6b418d32547f1d700ed3c038d325a605421a4/numpy-2.1.3-cp313-cp313-win_amd64.whl", hash = "sha256:747641635d3d44bcb380d950679462fae44f54b131be347d5ec2bce47d3df9ed", size = 12560405 },
|
||||
{ url = "https://files.pythonhosted.org/packages/a7/45/7f9244cd792e163b334e3a7f02dff1239d2890b6f37ebf9e82cbe17debc0/numpy-2.1.3-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:996bb9399059c5b82f76b53ff8bb686069c05acc94656bb259b1d63d04a9506f", size = 20859062 },
|
||||
{ url = "https://files.pythonhosted.org/packages/b1/b4/a084218e7e92b506d634105b13e27a3a6645312b93e1c699cc9025adb0e1/numpy-2.1.3-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:45966d859916ad02b779706bb43b954281db43e185015df6eb3323120188f9e4", size = 13515839 },
|
||||
{ url = "https://files.pythonhosted.org/packages/27/45/58ed3f88028dcf80e6ea580311dc3edefdd94248f5770deb980500ef85dd/numpy-2.1.3-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:baed7e8d7481bfe0874b566850cb0b85243e982388b7b23348c6db2ee2b2ae8e", size = 5116031 },
|
||||
{ url = "https://files.pythonhosted.org/packages/37/a8/eb689432eb977d83229094b58b0f53249d2209742f7de529c49d61a124a0/numpy-2.1.3-cp313-cp313t-macosx_14_0_x86_64.whl", hash = "sha256:a9f7f672a3388133335589cfca93ed468509cb7b93ba3105fce780d04a6576a0", size = 6629977 },
|
||||
{ url = "https://files.pythonhosted.org/packages/42/a3/5355ad51ac73c23334c7caaed01adadfda49544f646fcbfbb4331deb267b/numpy-2.1.3-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7aac50327da5d208db2eec22eb11e491e3fe13d22653dce51b0f4109101b408", size = 13575951 },
|
||||
{ url = "https://files.pythonhosted.org/packages/c4/70/ea9646d203104e647988cb7d7279f135257a6b7e3354ea6c56f8bafdb095/numpy-2.1.3-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4394bc0dbd074b7f9b52024832d16e019decebf86caf909d94f6b3f77a8ee3b6", size = 16022655 },
|
||||
{ url = "https://files.pythonhosted.org/packages/14/ce/7fc0612903e91ff9d0b3f2eda4e18ef9904814afcae5b0f08edb7f637883/numpy-2.1.3-cp313-cp313t-musllinux_1_1_x86_64.whl", hash = "sha256:50d18c4358a0a8a53f12a8ba9d772ab2d460321e6a93d6064fc22443d189853f", size = 16399902 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ef/62/1d3204313357591c913c32132a28f09a26357e33ea3c4e2fe81269e0dca1/numpy-2.1.3-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:14e253bd43fc6b37af4921b10f6add6925878a42a0c5fe83daee390bca80bc17", size = 14067180 },
|
||||
{ url = "https://files.pythonhosted.org/packages/24/d7/78a40ed1d80e23a774cb8a34ae8a9493ba1b4271dde96e56ccdbab1620ef/numpy-2.1.3-cp313-cp313t-win32.whl", hash = "sha256:08788d27a5fd867a663f6fc753fd7c3ad7e92747efc73c53bca2f19f8bc06f48", size = 6291907 },
|
||||
{ url = "https://files.pythonhosted.org/packages/86/09/a5ab407bd7f5f5599e6a9261f964ace03a73e7c6928de906981c31c38082/numpy-2.1.3-cp313-cp313t-win_amd64.whl", hash = "sha256:2564fbdf2b99b3f815f2107c1bbc93e2de8ee655a69c261363a1172a79a257d4", size = 12644098 },
|
||||
{ url = "https://files.pythonhosted.org/packages/00/e7/8d8bb791b62586cc432ecbb70632b4f23b7b7c88df41878de7528264f6d7/numpy-2.1.3-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:4f2015dfe437dfebbfce7c85c7b53d81ba49e71ba7eadbf1df40c915af75979f", size = 20983893 },
|
||||
{ url = "https://files.pythonhosted.org/packages/5e/f3/cb8118a044b5007586245a650360c9f5915b2f4232dd7658bb7a63dd1d02/numpy-2.1.3-pp310-pypy310_pp73-macosx_14_0_x86_64.whl", hash = "sha256:3522b0dfe983a575e6a9ab3a4a4dfe156c3e428468ff08ce582b9bb6bd1d71d4", size = 6752501 },
|
||||
{ url = "https://files.pythonhosted.org/packages/53/f5/365b46439b518d2ec6ebb880cc0edf90f225145dfd4db7958334f7164530/numpy-2.1.3-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c006b607a865b07cd981ccb218a04fc86b600411d83d6fc261357f1c0966755d", size = 16142601 },
|
||||
{ url = "https://files.pythonhosted.org/packages/03/c2/d1fee6ba999aa7cd41ca6856937f2baaf604c3eec1565eae63451ec31e5e/numpy-2.1.3-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:e14e26956e6f1696070788252dcdff11b4aca4c3e8bd166e0df1bb8f315a67cb", size = 12771397 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -322,18 +341,6 @@ source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/7f/7f/7fbae15a3982dc9595e49ce0f19332423b260045d0a6afe93cdbe2f1f624/nvidia_cublas_cu12-12.4.5.8-py3-none-manylinux2014_aarch64.whl", hash = "sha256:0f8aa1706812e00b9f19dfe0cdb3999b092ccb8ca168c0db5b8ea712456fd9b3", size = 363333771 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ae/71/1c91302526c45ab494c23f61c7a84aa568b8c1f9d196efa5993957faf906/nvidia_cublas_cu12-12.4.5.8-py3-none-manylinux2014_x86_64.whl", hash = "sha256:2fc8da60df463fdefa81e323eef2e36489e1c94335b5358bcb38360adf75ac9b", size = 363438805 },
|
||||
{ url = "https://files.pythonhosted.org/packages/e2/2a/4f27ca96232e8b5269074a72e03b4e0d43aa68c9b965058b1684d07c6ff8/nvidia_cublas_cu12-12.4.5.8-py3-none-win_amd64.whl", hash = "sha256:5a796786da89203a0657eda402bcdcec6180254a8ac22d72213abc42069522dc", size = 396895858 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-cuda-cupti-cu11"
|
||||
version = "11.8.87"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/27/c9/b4b15f709a694ea9f84871c6c4fbeeb54bab225962d852665a2c6f77f90d/nvidia_cuda_cupti_cu11-11.8.87-py3-none-manylinux1_x86_64.whl", hash = "sha256:0e50c707df56c75a2c0703dc6b886f3c97a22f37d6f63839f75b7418ba672a8d", size = 13093657 },
|
||||
{ url = "https://files.pythonhosted.org/packages/1e/5a/fb7e315aaa9d2bb28d3f2d9127375823c43646e07db4fe1b08746626e677/nvidia_cuda_cupti_cu11-11.8.87-py3-none-manylinux2014_aarch64.whl", hash = "sha256:9aaa638963a8271df26b6ee0d93b781730b7acc6581ff700bd023d7934e4385e", size = 11687484 },
|
||||
{ url = "https://files.pythonhosted.org/packages/74/42/9f5c5cc084ce6f3073048c4f6806f45ba4c8c73f227c9587215d9c372e05/nvidia_cuda_cupti_cu11-11.8.87-py3-none-manylinux2014_x86_64.whl", hash = "sha256:4191a17913a706b5098681280cd089cd7d8d3df209a6f5cb79384974a96d24f2", size = 13093662 },
|
||||
{ url = "https://files.pythonhosted.org/packages/9c/b9/371cff81be29e008a69f1681f468a2b428fa4ea03842196c178cb4cf1991/nvidia_cuda_cupti_cu11-11.8.87-py3-none-win_amd64.whl", hash = "sha256:4332d8550ad5f5b673f98d08e4e4f82030cb604c66d8d5ee919399ea01312e58", size = 9952361 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -343,18 +350,6 @@ source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/93/b5/9fb3d00386d3361b03874246190dfec7b206fd74e6e287b26a8fcb359d95/nvidia_cuda_cupti_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:79279b35cf6f91da114182a5ce1864997fd52294a87a16179ce275773799458a", size = 12354556 },
|
||||
{ url = "https://files.pythonhosted.org/packages/67/42/f4f60238e8194a3106d06a058d494b18e006c10bb2b915655bd9f6ea4cb1/nvidia_cuda_cupti_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:9dec60f5ac126f7bb551c055072b69d85392b13311fcc1bcda2202d172df30fb", size = 13813957 },
|
||||
{ url = "https://files.pythonhosted.org/packages/f3/79/8cf313ec17c58ccebc965568e5bcb265cdab0a1df99c4e674bb7a3b99bfe/nvidia_cuda_cupti_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:5688d203301ab051449a2b1cb6690fbe90d2b372f411521c86018b950f3d7922", size = 9938035 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-cuda-nvrtc-cu11"
|
||||
version = "11.8.89"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/83/08/a9833e4e9f9165bedb7f36033b47aa399b053b9cb2eaf7b84d1e28705cf7/nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-manylinux1_x86_64.whl", hash = "sha256:1f27d67b0f72902e9065ae568b4f6268dfe49ba3ed269c9a3da99bb86d1d2008", size = 23173264 },
|
||||
{ url = "https://files.pythonhosted.org/packages/1d/ad/58a9f86b0280190582691b1141ac3678c08f698d3d6161eed5cbe4e43b46/nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-manylinux2014_aarch64.whl", hash = "sha256:8ab17ed51e7c4928f7170a0551e3e3b42f89d973bd267ced9688c238b3e10aef", size = 22671777 },
|
||||
{ url = "https://files.pythonhosted.org/packages/60/44/202e027c224c26e15a53f01c5c7604c7f6b4fd368882d3164ea08fead207/nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a8d02f3cba345be56b1ffc3e74d8f61f02bb758dd31b0f20e12277a5a244f756", size = 23173745 },
|
||||
{ url = "https://files.pythonhosted.org/packages/c9/19/17745076214b0cc985cfdbabe2b3108f1237704985dab5b748e48432aca1/nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-win_amd64.whl", hash = "sha256:e18a23a8f4064664a6f1c4a64f38c581cbebfb5935280e94a4943ea8ae3791b1", size = 19034935 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -364,18 +359,6 @@ source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/77/aa/083b01c427e963ad0b314040565ea396f914349914c298556484f799e61b/nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:0eedf14185e04b76aa05b1fea04133e59f465b6f960c0cbf4e37c3cb6b0ea198", size = 24133372 },
|
||||
{ url = "https://files.pythonhosted.org/packages/2c/14/91ae57cd4db3f9ef7aa99f4019cfa8d54cb4caa7e00975df6467e9725a9f/nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a178759ebb095827bd30ef56598ec182b85547f1508941a3d560eb7ea1fbf338", size = 24640306 },
|
||||
{ url = "https://files.pythonhosted.org/packages/7c/30/8c844bfb770f045bcd8b2c83455c5afb45983e1a8abf0c4e5297b481b6a5/nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:a961b2f1d5f17b14867c619ceb99ef6fcec12e46612711bcec78eb05068a60ec", size = 19751955 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-cuda-runtime-cu11"
|
||||
version = "11.8.89"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/45/3e/84db02be49fe6d6df6e42f69fd64501c22d0f9ada9c9877f885612085d20/nvidia_cuda_runtime_cu11-11.8.89-py3-none-manylinux1_x86_64.whl", hash = "sha256:f587bd726eb2f7612cf77ce38a2c1e65cf23251ff49437f6161ce0d647f64f7c", size = 875585 },
|
||||
{ url = "https://files.pythonhosted.org/packages/da/16/86d6f3f25c1d69cfcaa01c9a9704b7e946387b7aa13cc2f385b50eb46da5/nvidia_cuda_runtime_cu11-11.8.89-py3-none-manylinux2014_aarch64.whl", hash = "sha256:e53bf160b6b660819cb6e4a9da2cc89e6aa2329858299780a2459780a2b8d012", size = 805995 },
|
||||
{ url = "https://files.pythonhosted.org/packages/a6/ec/a540f28b31de7bc1ed49eecc72035d4cb77db88ead1d42f7bfa5ae407ac6/nvidia_cuda_runtime_cu11-11.8.89-py3-none-manylinux2014_x86_64.whl", hash = "sha256:92d04069a987e1fbc9213f8376d265df0f7bb42617d44f5eda1f496acea7f2d1", size = 875592 },
|
||||
{ url = "https://files.pythonhosted.org/packages/48/ae/09f335dfbca630ae213e53d2a9294540620453fe2b37e7489ff05817a525/nvidia_cuda_runtime_cu11-11.8.89-py3-none-win_amd64.whl", hash = "sha256:f60c9fdaed8065b38de8097867240efc5556a8a710007146daeb9082334a6e63", size = 1021163 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -385,19 +368,6 @@ source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/a1/aa/b656d755f474e2084971e9a297def515938d56b466ab39624012070cb773/nvidia_cuda_runtime_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:961fe0e2e716a2a1d967aab7caee97512f71767f852f67432d572e36cb3a11f3", size = 894177 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ea/27/1795d86fe88ef397885f2e580ac37628ed058a92ed2c39dc8eac3adf0619/nvidia_cuda_runtime_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:64403288fa2136ee8e467cdc9c9427e0434110899d07c779f25b5c068934faa5", size = 883737 },
|
||||
{ url = "https://files.pythonhosted.org/packages/a8/8b/450e93fab75d85a69b50ea2d5fdd4ff44541e0138db16f9cd90123ef4de4/nvidia_cuda_runtime_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:09c2e35f48359752dfa822c09918211844a3d93c100a715d79b59591130c5e1e", size = 878808 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-cudnn-cu11"
|
||||
version = "9.1.0.70"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
dependencies = [
|
||||
{ name = "nvidia-cublas-cu11", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/00/3b/0b776f04e364cd99e4cf152c2a9eadb5934c67c9a91429da55169a9447fd/nvidia_cudnn_cu11-9.1.0.70-py3-none-manylinux2014_x86_64.whl", hash = "sha256:e6135ac63fe9d5b0b89cfb35c3fc1c1349f2b995becadf2e9dc21bca89d9633d", size = 663919573 },
|
||||
{ url = "https://files.pythonhosted.org/packages/8f/66/c0d600fa64b65e474eced8f07c4a6e9441aacf746f800fd12fe395dd09db/nvidia_cudnn_cu11-9.1.0.70-py3-none-win_amd64.whl", hash = "sha256:32f6a2fe80b4b7ebc5f9c4cb403c4c381eca99e6daa3cf38241047b3d3e14daa", size = 680107132 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -405,22 +375,10 @@ name = "nvidia-cudnn-cu12"
|
||||
version = "9.1.0.70"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
dependencies = [
|
||||
{ name = "nvidia-cublas-cu12", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cublas-cu12" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/9f/fd/713452cd72343f682b1c7b9321e23829f00b842ceaedcda96e742ea0b0b3/nvidia_cudnn_cu12-9.1.0.70-py3-none-manylinux2014_x86_64.whl", hash = "sha256:165764f44ef8c61fcdfdfdbe769d687e06374059fbb388b6c89ecb0e28793a6f", size = 664752741 },
|
||||
{ url = "https://files.pythonhosted.org/packages/3f/d0/f90ee6956a628f9f04bf467932c0a25e5a7e706a684b896593c06c82f460/nvidia_cudnn_cu12-9.1.0.70-py3-none-win_amd64.whl", hash = "sha256:6278562929433d68365a07a4a1546c237ba2849852c0d4b2262a486e805b977a", size = 679925892 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-cufft-cu11"
|
||||
version = "10.9.0.58"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/74/79/b912a77e38e41f15a0581a59f5c3548d1ddfdda3225936fb67c342719e7a/nvidia_cufft_cu11-10.9.0.58-py3-none-manylinux1_x86_64.whl", hash = "sha256:222f9da70c80384632fd6035e4c3f16762d64ea7a843829cb278f98b3cb7dd81", size = 168405414 },
|
||||
{ url = "https://files.pythonhosted.org/packages/71/7a/a2ad9951d57c3cc23f4fa6d84b146afd9f375ffbc744b38935930ac4393f/nvidia_cufft_cu11-10.9.0.58-py3-none-manylinux2014_aarch64.whl", hash = "sha256:34b7315104e615b230dc3c2d1861f13bff9ec465c5d3b4bb65b4986d03a1d8d4", size = 111231060 },
|
||||
{ url = "https://files.pythonhosted.org/packages/64/c8/133717b43182ba063803e983e7680a94826a9f4ff5734af0ca315803f1b3/nvidia_cufft_cu11-10.9.0.58-py3-none-manylinux2014_x86_64.whl", hash = "sha256:e21037259995243cc370dd63c430d77ae9280bedb68d5b5a18226bfc92e5d748", size = 168405419 },
|
||||
{ url = "https://files.pythonhosted.org/packages/f8/b4/e432a74f8db0e84f734dc14d36c0e529225132bf7e239da21f55893351a6/nvidia_cufft_cu11-10.9.0.58-py3-none-win_amd64.whl", hash = "sha256:c4d316f17c745ec9c728e30409612eaf77a8404c3733cdf6c9c1569634d1ca03", size = 172237004 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -428,23 +386,11 @@ name = "nvidia-cufft-cu12"
|
||||
version = "11.2.1.3"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
dependencies = [
|
||||
{ name = "nvidia-nvjitlink-cu12", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-nvjitlink-cu12" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/7a/8a/0e728f749baca3fbeffad762738276e5df60851958be7783af121a7221e7/nvidia_cufft_cu12-11.2.1.3-py3-none-manylinux2014_aarch64.whl", hash = "sha256:5dad8008fc7f92f5ddfa2101430917ce2ffacd86824914c82e28990ad7f00399", size = 211422548 },
|
||||
{ url = "https://files.pythonhosted.org/packages/27/94/3266821f65b92b3138631e9c8e7fe1fb513804ac934485a8d05776e1dd43/nvidia_cufft_cu12-11.2.1.3-py3-none-manylinux2014_x86_64.whl", hash = "sha256:f083fc24912aa410be21fa16d157fed2055dab1cc4b6934a0e03cba69eb242b9", size = 211459117 },
|
||||
{ url = "https://files.pythonhosted.org/packages/f6/ee/3f3f8e9874f0be5bbba8fb4b62b3de050156d159f8b6edc42d6f1074113b/nvidia_cufft_cu12-11.2.1.3-py3-none-win_amd64.whl", hash = "sha256:d802f4954291101186078ccbe22fc285a902136f974d369540fd4a5333d1440b", size = 210576476 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-curand-cu11"
|
||||
version = "10.3.0.86"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/49/28/c47f8e2439ddbcbeae3cf74d43ed572b651d630ea72863d5357f3759eb66/nvidia_curand_cu11-10.3.0.86-py3-none-manylinux1_x86_64.whl", hash = "sha256:ac439548c88580269a1eb6aeb602a5aed32f0dbb20809a31d9ed7d01d77f6bf5", size = 58124493 },
|
||||
{ url = "https://files.pythonhosted.org/packages/5d/c0/aec095de6cb3b07197042f9ff8958eda2a5eaaefabc8db2e3bfa32aafb97/nvidia_curand_cu11-10.3.0.86-py3-none-manylinux2014_aarch64.whl", hash = "sha256:64defc3016d8c1de351a764617818c2961210430f12476faee10084b269b188c", size = 58134524 },
|
||||
{ url = "https://files.pythonhosted.org/packages/58/e5/ce5806afc48a6e4e0dddd25316ac60b6fa94fd1791bdbf4ca17bf52696ea/nvidia_curand_cu11-10.3.0.86-py3-none-manylinux2014_x86_64.whl", hash = "sha256:cd4cffbf78bb06580206b4814d5dc696d1161c902aae37b2bba00056832379e6", size = 58124497 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ae/e0/a68e20f37512c2ff22c1b2707383faec80acc20c39727e4007065ed284ea/nvidia_curand_cu11-10.3.0.86-py3-none-win_amd64.whl", hash = "sha256:8fa8365065fc3e3760d7437b08f164a6bcf8f7124f3b544d2463ded01e6bdc70", size = 57597791 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -454,21 +400,6 @@ source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/80/9c/a79180e4d70995fdf030c6946991d0171555c6edf95c265c6b2bf7011112/nvidia_curand_cu12-10.3.5.147-py3-none-manylinux2014_aarch64.whl", hash = "sha256:1f173f09e3e3c76ab084aba0de819c49e56614feae5c12f69883f4ae9bb5fad9", size = 56314811 },
|
||||
{ url = "https://files.pythonhosted.org/packages/8a/6d/44ad094874c6f1b9c654f8ed939590bdc408349f137f9b98a3a23ccec411/nvidia_curand_cu12-10.3.5.147-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a88f583d4e0bb643c49743469964103aa59f7f708d862c3ddb0fc07f851e3b8b", size = 56305206 },
|
||||
{ url = "https://files.pythonhosted.org/packages/1c/22/2573503d0d4e45673c263a313f79410e110eb562636b0617856fdb2ff5f6/nvidia_curand_cu12-10.3.5.147-py3-none-win_amd64.whl", hash = "sha256:f307cc191f96efe9e8f05a87096abc20d08845a841889ef78cb06924437f6771", size = 55799918 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-cusolver-cu11"
|
||||
version = "11.4.1.48"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
dependencies = [
|
||||
{ name = "nvidia-cublas-cu11", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/55/ee/939ff0104991dd7bdabb4c9767994c612ba0e1c9a55672a1ddd42f5e5b16/nvidia_cusolver_cu11-11.4.1.48-py3-none-manylinux1_x86_64.whl", hash = "sha256:ca538f545645b7e6629140786d3127fe067b3d5a085bd794cde5bfe877c8926f", size = 128240842 },
|
||||
{ url = "https://files.pythonhosted.org/packages/d8/32/676f0cfea4ff5bbc6dcfe00b5f385ba49d322dc8e9ff1ef864b570e27e9e/nvidia_cusolver_cu11-11.4.1.48-py3-none-manylinux2014_aarch64.whl", hash = "sha256:1a96acb05768610bc414dbef5b25ebd2d820fc8a1e8c72097f41f53d80934d61", size = 127903177 },
|
||||
{ url = "https://files.pythonhosted.org/packages/52/fe/866e87e6e6a1b0a5fcf8524a058042656702f2057e22bfdb8899a7c38e10/nvidia_cusolver_cu11-11.4.1.48-py3-none-manylinux2014_x86_64.whl", hash = "sha256:ea9fb1ad8c644ca9ed55af13cc39af3b7ba4c3eb5aef18471fe1fe77d94383cb", size = 128246438 },
|
||||
{ url = "https://files.pythonhosted.org/packages/1e/94/4fd658d09776307b98411eca09dd77773d8c3bdc484b186a2084038b75e2/nvidia_cusolver_cu11-11.4.1.48-py3-none-win_amd64.whl", hash = "sha256:7efe43b113495a64e2cf9a0b4365bd53b0a82afb2e2cf91e9f993c9ef5e69ee8", size = 125732382 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -476,25 +407,13 @@ name = "nvidia-cusolver-cu12"
|
||||
version = "11.6.1.9"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
dependencies = [
|
||||
{ name = "nvidia-cublas-cu12", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cusparse-cu12", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-nvjitlink-cu12", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cublas-cu12" },
|
||||
{ name = "nvidia-cusparse-cu12" },
|
||||
{ name = "nvidia-nvjitlink-cu12" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/46/6b/a5c33cf16af09166845345275c34ad2190944bcc6026797a39f8e0a282e0/nvidia_cusolver_cu12-11.6.1.9-py3-none-manylinux2014_aarch64.whl", hash = "sha256:d338f155f174f90724bbde3758b7ac375a70ce8e706d70b018dd3375545fc84e", size = 127634111 },
|
||||
{ url = "https://files.pythonhosted.org/packages/3a/e1/5b9089a4b2a4790dfdea8b3a006052cfecff58139d5a4e34cb1a51df8d6f/nvidia_cusolver_cu12-11.6.1.9-py3-none-manylinux2014_x86_64.whl", hash = "sha256:19e33fa442bcfd085b3086c4ebf7e8debc07cfe01e11513cc6d332fd918ac260", size = 127936057 },
|
||||
{ url = "https://files.pythonhosted.org/packages/f2/be/d435b7b020e854d5d5a682eb5de4328fd62f6182507406f2818280e206e2/nvidia_cusolver_cu12-11.6.1.9-py3-none-win_amd64.whl", hash = "sha256:e77314c9d7b694fcebc84f58989f3aa4fb4cb442f12ca1a9bde50f5e8f6d1b9c", size = 125224015 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-cusparse-cu11"
|
||||
version = "11.7.5.86"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/c1/e0/21b829c535d569831835a4ca5d049a19ba00d3e91f3e12ab4ad27bd7385f/nvidia_cusparse_cu11-11.7.5.86-py3-none-manylinux1_x86_64.whl", hash = "sha256:4ae709fe78d3f23f60acaba8c54b8ad556cf16ca486e0cc1aa92dca7555d2d2b", size = 204126221 },
|
||||
{ url = "https://files.pythonhosted.org/packages/a2/6e/4eb2842e7ab1804072bca43030a8b92731e5a35f6a4a1b8f1aa8fa5f411c/nvidia_cusparse_cu11-11.7.5.86-py3-none-manylinux2014_aarch64.whl", hash = "sha256:6c7da46abee7567e619d4aa2e90a1b032cfcbd1211d429853b1a6e87514a14b2", size = 203917797 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ed/5c/b0333b07c51ced77397c2fb0d9826072cea0da9d421aa7e792aa0f8ecc72/nvidia_cusparse_cu11-11.7.5.86-py3-none-manylinux2014_x86_64.whl", hash = "sha256:8d7cf1628fd8d462b5d2ba6678fae34733a48ecb80495b9c68672ec6a6dde5ef", size = 204126227 },
|
||||
{ url = "https://files.pythonhosted.org/packages/b8/36/a670e8ca1deccd3c63be4d0286491cf5c6375253f0d948e7cc5167fe1da9/nvidia_cusparse_cu11-11.7.5.86-py3-none-win_amd64.whl", hash = "sha256:a0f6ee81cd91be606fc2f55992d06b09cd4e86d74b6ae5e8dd1631cf7f5a8706", size = 203420667 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -502,20 +421,11 @@ name = "nvidia-cusparse-cu12"
|
||||
version = "12.3.1.170"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
dependencies = [
|
||||
{ name = "nvidia-nvjitlink-cu12", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-nvjitlink-cu12" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/96/a9/c0d2f83a53d40a4a41be14cea6a0bf9e668ffcf8b004bd65633f433050c0/nvidia_cusparse_cu12-12.3.1.170-py3-none-manylinux2014_aarch64.whl", hash = "sha256:9d32f62896231ebe0480efd8a7f702e143c98cfaa0e8a76df3386c1ba2b54df3", size = 207381987 },
|
||||
{ url = "https://files.pythonhosted.org/packages/db/f7/97a9ea26ed4bbbfc2d470994b8b4f338ef663be97b8f677519ac195e113d/nvidia_cusparse_cu12-12.3.1.170-py3-none-manylinux2014_x86_64.whl", hash = "sha256:ea4f11a2904e2a8dc4b1833cc1b5181cde564edd0d5cd33e3c168eff2d1863f1", size = 207454763 },
|
||||
{ url = "https://files.pythonhosted.org/packages/a2/e0/3155ca539760a8118ec94cc279b34293309bcd14011fc724f87f31988843/nvidia_cusparse_cu12-12.3.1.170-py3-none-win_amd64.whl", hash = "sha256:9bc90fb087bc7b4c15641521f31c0371e9a612fc2ba12c338d3ae032e6b6797f", size = 204684315 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-nccl-cu11"
|
||||
version = "2.21.5"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/ac/9a/8b6a28b3b87d5fddab0e92cd835339eb8fbddaa71ae67518c8c1b3d05bae/nvidia_nccl_cu11-2.21.5-py3-none-manylinux2014_x86_64.whl", hash = "sha256:49d8350629c7888701d1fd200934942671cb5c728f49acc5a0b3a768820bed29", size = 147811630 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -533,18 +443,6 @@ source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/02/45/239d52c05074898a80a900f49b1615d81c07fceadd5ad6c4f86a987c0bc4/nvidia_nvjitlink_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:4abe7fef64914ccfa909bc2ba39739670ecc9e820c83ccc7a6ed414122599b83", size = 20552510 },
|
||||
{ url = "https://files.pythonhosted.org/packages/ff/ff/847841bacfbefc97a00036e0fce5a0f086b640756dc38caea5e1bb002655/nvidia_nvjitlink_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:06b3b9b25bf3f8af351d664978ca26a16d2c5127dbd53c0497e28d1fb9611d57", size = 21066810 },
|
||||
{ url = "https://files.pythonhosted.org/packages/81/19/0babc919031bee42620257b9a911c528f05fb2688520dcd9ca59159ffea8/nvidia_nvjitlink_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:fd9020c501d27d135f983c6d3e244b197a7ccad769e34df53a42e276b0e25fa1", size = 95336325 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "nvidia-nvtx-cu11"
|
||||
version = "11.8.86"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/d5/a2/23214c23118784dc2189ac2d2e48190df3e4206e2f73eb17d47140797a2b/nvidia_nvtx_cu11-11.8.86-py3-none-manylinux1_x86_64.whl", hash = "sha256:890656d8bd9b4e280231c832e1f0d03459200ba4824ddda3dcb59b1e1989b9f5", size = 99125 },
|
||||
{ url = "https://files.pythonhosted.org/packages/42/b9/385e4323646d21f9aedb9e953e5c778311cd8df32eb2237f1ce242c58572/nvidia_nvtx_cu11-11.8.86-py3-none-manylinux2014_aarch64.whl", hash = "sha256:5e84b97062eb102b45a8a9172a06cfe28b239b1635075a13d6474e91295e0468", size = 100401 },
|
||||
{ url = "https://files.pythonhosted.org/packages/b5/ad/973a187b137a3d45dc3faac421ef1275fb41fc169fd3889e2d5ceb0daa54/nvidia_nvtx_cu11-11.8.86-py3-none-manylinux2014_x86_64.whl", hash = "sha256:979f5b2aef5da164c5c53c64c85c3dfa61b8b4704f4f963bb568bf98fa8472e8", size = 99130 },
|
||||
{ url = "https://files.pythonhosted.org/packages/3f/3f/0e1dd2bc4d89f838b86c76956ffa514307d3be4d8b5ee0da4e9d12a8b54b/nvidia_nvtx_cu11-11.8.86-py3-none-win_amd64.whl", hash = "sha256:54031010ee38d774b2991004d88f90bbd7bbc1458a96bbc4b42662756508c252", size = 66297 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -554,7 +452,6 @@ source = { registry = "https://pypi.org/simple" }
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/06/39/471f581edbb7804b39e8063d92fc8305bdc7a80ae5c07dbe6ea5c50d14a5/nvidia_nvtx_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:7959ad635db13edf4fc65c06a6e9f9e55fc2f92596db928d169c0bb031e88ef3", size = 100417 },
|
||||
{ url = "https://files.pythonhosted.org/packages/87/20/199b8713428322a2f22b722c62b8cc278cc53dffa9705d744484b5035ee9/nvidia_nvtx_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:781e950d9b9f60d8241ccea575b32f5105a5baf4c2351cab5256a24869f12a1a", size = 99144 },
|
||||
{ url = "https://files.pythonhosted.org/packages/54/1b/f77674fbb73af98843be25803bbd3b9a4f0a96c75b8d33a2854a5c7d2d77/nvidia_nvtx_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:641dccaaa1139f3ffb0d3164b4b84f9d253397e38246a4f2f36728b48566d485", size = 66307 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
@ -704,12 +601,12 @@ name = "pytest"
|
||||
version = "8.3.3"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
dependencies = [
|
||||
{ name = "colorama", marker = "sys_platform == 'win32' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "exceptiongroup", marker = "python_full_version < '3.11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "colorama", marker = "sys_platform == 'win32'" },
|
||||
{ name = "exceptiongroup", marker = "python_full_version < '3.11'" },
|
||||
{ name = "iniconfig" },
|
||||
{ name = "packaging" },
|
||||
{ name = "pluggy" },
|
||||
{ name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "tomli", marker = "python_full_version < '3.11'" },
|
||||
]
|
||||
sdist = { url = "https://files.pythonhosted.org/packages/8b/6c/62bbd536103af674e227c41a8f3dcd022d591f6eed5facb5a0f31ee33bbc/pytest-8.3.3.tar.gz", hash = "sha256:70b98107bd648308a7952b06e6ca9a50bc660be218d53c257cc1fc94fda10181", size = 1442487 }
|
||||
wheels = [
|
||||
@ -933,16 +830,10 @@ dependencies = [
|
||||
{ name = "huggingface-hub" },
|
||||
{ name = "pyyaml" },
|
||||
{ name = "safetensors" },
|
||||
{ name = "torch", version = "2.5.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.5.1", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.5.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.5.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.6.0+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torchvision", version = "0.20.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torchvision", version = "0.20.1", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torchvision", version = "0.20.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torchvision", version = "0.20.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torchvision", version = "0.21.0+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.5.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" } },
|
||||
{ name = "torch", version = "2.5.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" } },
|
||||
{ name = "torchvision", version = "0.20.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" } },
|
||||
{ name = "torchvision", version = "0.20.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" } },
|
||||
]
|
||||
sdist = { url = "https://files.pythonhosted.org/packages/5b/53/33b596c79eb911586ca90e16d64fde9738ddd0d34273ae562ea664eacca7/timm-1.0.11.tar.gz", hash = "sha256:a005f72b87e67ed30cdbf405a9ffd4e723360c780a43b1cefe266af8ecc9d151", size = 2195894 }
|
||||
wheels = [
|
||||
@ -958,74 +849,47 @@ wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/de/f7/4da0ffe1892122c9ea096c57f64c2753ae5dd3ce85488802d11b0992cc6d/tomli-2.1.0-py3-none-any.whl", hash = "sha256:a5c57c3d1c56f5ccdf89f6523458f60ef716e210fc47c4cfb188c5ba473e0391", size = 13750 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "torch"
|
||||
version = "2.5.1"
|
||||
source = { registry = "https://download.pytorch.org/whl/cpu" }
|
||||
resolution-markers = [
|
||||
"(python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform == 'darwin')",
|
||||
"(python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform == 'darwin')",
|
||||
"(python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform == 'darwin')",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "filelock", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "fsspec", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "jinja2", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "networkx", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "setuptools", marker = "(python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (python_full_version >= '3.12' and sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (python_full_version < '3.12' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (python_full_version < '3.12' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.12' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.12' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "sympy", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "typing-extensions", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torch-2.5.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:269b10c34430aa8e9643dbe035dc525c4a9b1d671cd3dbc8ecbcaed280ae322d" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torch-2.5.1-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:23d062bf70776a3d04dbe74db950db2a5245e1ba4f27208a87f0d743b0d06e86" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torch-2.5.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d5b3203f191bc40783c99488d2e776dcf93ac431a59491d627a1ca5b3ae20b22" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torch-2.5.1-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:31f8c39660962f9ae4eeec995e3049b5492eb7360dd4f07377658ef4d728fa4c" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torch-2.5.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:36d1be99281b6f602d9639bd0af3ee0006e7aab16f6718d86f709d395b6f262c" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torch-2.5.1-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:8c712df61101964eb11910a846514011f0b6f5920c55dbf567bff8a34163d5b1" },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "torch"
|
||||
version = "2.5.1"
|
||||
source = { registry = "https://download.pytorch.org/whl/cu124" }
|
||||
resolution-markers = [
|
||||
"python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'",
|
||||
"python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'",
|
||||
"python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "filelock", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "fsspec", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "jinja2", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "networkx", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "setuptools", marker = "(python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.12' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "sympy", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "typing-extensions", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torch-2.5.1-cp310-cp310-linux_aarch64.whl", hash = "sha256:d468d0eddc188aa3c1e417ec24ce615c48c0c3f592b0354d9d3b99837ef5faa6" },
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torch-2.5.1-cp311-cp311-linux_aarch64.whl", hash = "sha256:e080353c245b752cd84122e4656261eee6d4323a37cfb7d13e0fffd847bae1a3" },
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torch-2.5.1-cp312-cp312-linux_aarch64.whl", hash = "sha256:302041d457ee169fd925b53da283c13365c6de75c6bb3e84130774b10e2fbb39" },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "torch"
|
||||
version = "2.5.1+cpu"
|
||||
source = { registry = "https://download.pytorch.org/whl/cpu" }
|
||||
resolution-markers = [
|
||||
"(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')",
|
||||
"(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')",
|
||||
"(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "filelock", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "fsspec", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "jinja2", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "networkx", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "setuptools", marker = "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (python_full_version < '3.12' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (python_full_version < '3.12' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.12' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.12' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "sympy", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "typing-extensions", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "filelock" },
|
||||
{ name = "fsspec" },
|
||||
{ name = "jinja2" },
|
||||
{ name = "networkx" },
|
||||
{ name = "setuptools", marker = "python_full_version >= '3.12'" },
|
||||
{ name = "sympy" },
|
||||
{ name = "typing-extensions" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torch-2.5.1%2Bcpu-cp310-cp310-linux_x86_64.whl", hash = "sha256:7f91a2200e352745d70e22396bd501448e28350fbdbd8d8b1c83037e25451150" },
|
||||
@ -1042,31 +906,55 @@ name = "torch"
|
||||
version = "2.5.1+cu124"
|
||||
source = { registry = "https://download.pytorch.org/whl/cu124" }
|
||||
resolution-markers = [
|
||||
"(python_full_version >= '3.12' and platform_machine != 'aarch64') or (python_full_version >= '3.12' and sys_platform != 'linux')",
|
||||
"(python_full_version == '3.11.*' and platform_machine != 'aarch64') or (python_full_version == '3.11.*' and sys_platform != 'linux')",
|
||||
"(python_full_version < '3.11' and platform_machine != 'aarch64') or (python_full_version < '3.11' and sys_platform != 'linux')",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "filelock", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "fsspec", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "jinja2", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "networkx", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cublas-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cuda-cupti-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cuda-nvrtc-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cuda-runtime-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cudnn-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cufft-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-curand-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cusolver-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cusparse-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-nccl-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-nvjitlink-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-nvtx-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "setuptools", marker = "(python_full_version >= '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version >= '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (python_full_version < '3.12' and platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (python_full_version >= '3.12' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version >= '3.12' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine == 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine == 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "sympy", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "triton", version = "3.1.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.13' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version < '3.13' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (python_full_version >= '3.13' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (python_full_version >= '3.13' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (python_full_version >= '3.13' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "typing-extensions", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "filelock" },
|
||||
{ name = "fsspec" },
|
||||
{ name = "jinja2" },
|
||||
{ name = "networkx" },
|
||||
{ name = "nvidia-cublas-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-cuda-cupti-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-cuda-nvrtc-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-cuda-runtime-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-cudnn-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-cufft-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-curand-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-cusolver-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-cusparse-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-nccl-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-nvjitlink-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "nvidia-nvtx-cu12", marker = "platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "setuptools", marker = "python_full_version >= '3.12'" },
|
||||
{ name = "sympy" },
|
||||
{ name = "triton", marker = "python_full_version < '3.13' and platform_machine == 'x86_64' and platform_system == 'Linux'" },
|
||||
{ name = "typing-extensions" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torch-2.5.1%2Bcu124-cp310-cp310-linux_x86_64.whl", hash = "sha256:9dde30f399ca22137455cca4d47140dfb7f4176e2d16a9729fc044eebfadb13a" },
|
||||
@ -1078,104 +966,43 @@ wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torch-2.5.1%2Bcu124-cp313-cp313-linux_x86_64.whl", hash = "sha256:e9bebf91ede89267577911da4b0709ac6113a0cff6a1c2202c046b1ec2a51601" },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "torch"
|
||||
version = "2.6.0+cu118"
|
||||
source = { registry = "https://download.pytorch.org/whl/cu118" }
|
||||
resolution-markers = [
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version < '3.11'",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "filelock", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "fsspec", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "jinja2", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "networkx", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cublas-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cuda-cupti-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cuda-nvrtc-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cuda-runtime-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cudnn-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cufft-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-curand-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cusolver-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-cusparse-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-nccl-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "nvidia-nvtx-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "setuptools", marker = "(python_full_version >= '3.12' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "sympy", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "triton", version = "3.2.0", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'x86_64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "typing-extensions", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp310-cp310-linux_x86_64.whl", hash = "sha256:715d3b039a629881f263c40d1fb65edac6786da13bfba221b353ef2371c4da86" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp310-cp310-win_amd64.whl", hash = "sha256:20cb297f45b11a0bf7ea12070b6d23a65905e7357ebb1800f66a71c52ddb52d9" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp311-cp311-linux_x86_64.whl", hash = "sha256:3e73419aab6dbcd888a3cc6a00d1f52f5950d918d7289ea6aeae751346613edc" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp311-cp311-win_amd64.whl", hash = "sha256:6ab0417ce9b78ab0a34721a99734b5fd4cc3d7b62ff1c068a7d636fd829772db" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp312-cp312-linux_x86_64.whl", hash = "sha256:9f7d170d6c78726945d95fcc3a3d7601f36aed0e6e0dc9ca377a64d6a8fd7b3a" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp312-cp312-win_amd64.whl", hash = "sha256:6c040e4181c5dae73b965b61394ec431c93b2018165e2be8f15fc68d44444cb3" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp313-cp313-linux_x86_64.whl", hash = "sha256:8d30eb2870ffe05d81ec513bdb08c0f2bab9fd1bd4fbc6e5681fad855c7b99e3" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp313-cp313-win_amd64.whl", hash = "sha256:a6bfe22660fb902b5ade933b04c81be7ddc268d1a9f28f843f20c0dee5216edd" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torch-2.6.0%2Bcu118-cp313-cp313t-linux_x86_64.whl", hash = "sha256:771643a2801e199f5a6f7d07803b5604e82ba44d2db1106ad6cc33788326b8ec" },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "torchvision"
|
||||
version = "0.20.1"
|
||||
source = { registry = "https://download.pytorch.org/whl/cpu" }
|
||||
resolution-markers = [
|
||||
"(python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform == 'darwin')",
|
||||
"(python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform == 'darwin')",
|
||||
"(python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform == 'darwin')",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "numpy", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "pillow", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.5.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torchvision-0.20.1-cp310-cp310-linux_aarch64.whl", hash = "sha256:75f8a4d51a593c4bab6c9bf7d75bdd88691b00a53b07656678bc55a3a753dd73" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torchvision-0.20.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:4878fefb96ef293d06c27210918adc83c399d9faaf34cda5a63e129f772328f1" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torchvision-0.20.1-cp311-cp311-linux_aarch64.whl", hash = "sha256:a40d766345927639da322c693934e5f91b1ba2218846c7104b868dea2314ce8e" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torchvision-0.20.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:344b339e15e6bbb59ee0700772616d0afefd209920c762b1604368d8c3458322" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torchvision-0.20.1-cp312-cp312-linux_aarch64.whl", hash = "sha256:9f853ba4497ac4691815ad41b523ee23cf5ba4f87b1ce869d704052e233ca8b7" },
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torchvision-0.20.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1a31256ff945d64f006bb306813a7c95a531fe16bfb2535c837dd4c104533d7a" },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "torchvision"
|
||||
version = "0.20.1"
|
||||
source = { registry = "https://download.pytorch.org/whl/cu124" }
|
||||
resolution-markers = [
|
||||
"python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'",
|
||||
"python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'",
|
||||
"python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "numpy", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "pillow", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.5.1", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torchvision-0.20.1-cp310-cp310-linux_aarch64.whl", hash = "sha256:38765e53653f93e529e329755992ddbea81091aacedb61ed053f6a14efb289e5" },
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torchvision-0.20.1-cp311-cp311-linux_aarch64.whl", hash = "sha256:2c5350a08abe005a16c316ae961207a409d0e35df86240db5f77ec41345c82f3" },
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torchvision-0.20.1-cp312-cp312-linux_aarch64.whl", hash = "sha256:3e3289e53d0cb5d1b7f55b3f5912f46a08293c6791585ba2fc32c12cded9f9af" },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "torchvision"
|
||||
version = "0.20.1+cpu"
|
||||
source = { registry = "https://download.pytorch.org/whl/cpu" }
|
||||
resolution-markers = [
|
||||
"(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')",
|
||||
"(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')",
|
||||
"(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "numpy", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "pillow", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.5.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-wdtagger-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'darwin' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform == 'linux' and extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "numpy" },
|
||||
{ name = "pillow" },
|
||||
{ name = "torch", version = "2.5.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" } },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cpu/torchvision-0.20.1%2Bcpu-cp310-cp310-linux_x86_64.whl", hash = "sha256:17bbc073920e429bf23a290472d51edc75e7b9809b81a93503d10d8edb6f3a6d" },
|
||||
@ -1191,14 +1018,38 @@ name = "torchvision"
|
||||
version = "0.20.1+cu124"
|
||||
source = { registry = "https://download.pytorch.org/whl/cu124" }
|
||||
resolution-markers = [
|
||||
"(python_full_version >= '3.12' and platform_machine != 'aarch64') or (python_full_version >= '3.12' and sys_platform != 'linux')",
|
||||
"(python_full_version == '3.11.*' and platform_machine != 'aarch64') or (python_full_version == '3.11.*' and sys_platform != 'linux')",
|
||||
"(python_full_version < '3.11' and platform_machine != 'aarch64') or (python_full_version < '3.11' and sys_platform != 'linux')",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version < '3.11'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version >= '3.12'",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "numpy", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "pillow", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.5.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "numpy" },
|
||||
{ name = "pillow" },
|
||||
{ name = "torch", version = "2.5.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" } },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torchvision-0.20.1%2Bcu124-cp310-cp310-linux_x86_64.whl", hash = "sha256:3a055e4e9040b129878d57c39db55f117f975899ff30dd70c8f2621d91170dbe" },
|
||||
@ -1209,37 +1060,12 @@ wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cu124/torchvision-0.20.1%2Bcu124-cp312-cp312-win_amd64.whl", hash = "sha256:0f6c7b3b0e13663fb3359e64f3604c0ab74c2b4809ae6949ace5635a5240f0e5" },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "torchvision"
|
||||
version = "0.21.0+cu118"
|
||||
source = { registry = "https://download.pytorch.org/whl/cu118" }
|
||||
resolution-markers = [
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version < '3.11'",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "numpy", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "pillow", marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "torch", version = "2.6.0+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-wdtagger-cuda11' or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torchvision-0.21.0%2Bcu118-cp310-cp310-linux_x86_64.whl", hash = "sha256:aae1fd398fb97a099bd3bd619a85e923c2191d348b90786514c8f81541afd010" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torchvision-0.21.0%2Bcu118-cp310-cp310-win_amd64.whl", hash = "sha256:f64b26eea012d3919fbaedc3162f2b2890002d620a12e2d2f484cff77c2b20e5" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torchvision-0.21.0%2Bcu118-cp311-cp311-linux_x86_64.whl", hash = "sha256:5ebe0267c872ac55b387008f772052bbf1f2fdfdd8afb011d4751e124759295e" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torchvision-0.21.0%2Bcu118-cp311-cp311-win_amd64.whl", hash = "sha256:4e1325aa1189f97c89ae008cf645b7de8f283853193bf68ea7750856c194b6cc" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torchvision-0.21.0%2Bcu118-cp312-cp312-linux_x86_64.whl", hash = "sha256:5d3679e0df9ab1725eaa7300d550cf8fe0a477119483bef12673957f30c768dc" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torchvision-0.21.0%2Bcu118-cp312-cp312-win_amd64.whl", hash = "sha256:301eefd1d4df6619fab94cae539cb0cdcb029cc992e4686ef97c8366f77cf6a4" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torchvision-0.21.0%2Bcu118-cp313-cp313-linux_x86_64.whl", hash = "sha256:2e85300054af1feda7213f578039097ec816683a7ef0b6e199be17f70e220a53" },
|
||||
{ url = "https://download.pytorch.org/whl/cu118/torchvision-0.21.0%2Bcu118-cp313-cp313-win_amd64.whl", hash = "sha256:c513d44894d09e3b04ff683e71ef3f5503f6d8cdc2b701cad98f4d7eb0c8b570" },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "tqdm"
|
||||
version = "4.67.1"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
dependencies = [
|
||||
{ name = "colorama", marker = "sys_platform == 'win32'" },
|
||||
{ name = "colorama", marker = "platform_system == 'Windows'" },
|
||||
]
|
||||
sdist = { url = "https://files.pythonhosted.org/packages/a8/4b/29b4ef32e036bb34e4ab51796dd745cdba7ed47ad142a9f4a1eb8e0c744d/tqdm-4.67.1.tar.gz", hash = "sha256:f8aef9c52c08c13a65f30ea34f4e5aac3fd1a34959879d7e59e63027286627f2", size = 169737 }
|
||||
wheels = [
|
||||
@ -1250,13 +1076,8 @@ wheels = [
|
||||
name = "triton"
|
||||
version = "3.1.0"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
resolution-markers = [
|
||||
"(python_full_version >= '3.12' and platform_machine != 'aarch64') or (python_full_version >= '3.12' and sys_platform != 'linux')",
|
||||
"(python_full_version == '3.11.*' and platform_machine != 'aarch64') or (python_full_version == '3.11.*' and sys_platform != 'linux')",
|
||||
"(python_full_version < '3.11' and platform_machine != 'aarch64') or (python_full_version < '3.11' and sys_platform != 'linux')",
|
||||
]
|
||||
dependencies = [
|
||||
{ name = "filelock", marker = "(platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-cuda12') or (platform_machine != 'aarch64' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (sys_platform != 'linux' and extra != 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda11') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cpu' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-cuda12') or (extra == 'extra-8-wdtagger-cuda11' and extra == 'extra-8-wdtagger-gpu') or (extra == 'extra-8-wdtagger-cuda12' and extra == 'extra-8-wdtagger-gpu')" },
|
||||
{ name = "filelock" },
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/98/29/69aa56dc0b2eb2602b553881e34243475ea2afd9699be042316842788ff5/triton-3.1.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6b0dd10a925263abbe9fa37dcde67a5e9b2383fc269fdf59f5657cac38c5d1d8", size = 209460013 },
|
||||
@ -1264,22 +1085,6 @@ wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/78/eb/65f5ba83c2a123f6498a3097746607e5b2f16add29e36765305e4ac7fdd8/triton-3.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c8182f42fd8080a7d39d666814fa36c5e30cc00ea7eeeb1a2983dbb4c99a0fdc", size = 209551444 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "triton"
|
||||
version = "3.2.0"
|
||||
source = { registry = "https://pypi.org/simple" }
|
||||
resolution-markers = [
|
||||
"python_full_version >= '3.12'",
|
||||
"python_full_version == '3.11.*'",
|
||||
"python_full_version < '3.11'",
|
||||
]
|
||||
wheels = [
|
||||
{ url = "https://files.pythonhosted.org/packages/01/65/3ffa90e158a2c82f0716eee8d26a725d241549b7d7aaf7e4f44ac03ebd89/triton-3.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b3e54983cd51875855da7c68ec05c05cf8bb08df361b1d5b69e05e40b0c9bd62", size = 253090354 },
|
||||
{ url = "https://files.pythonhosted.org/packages/a7/2e/757d2280d4fefe7d33af7615124e7e298ae7b8e3bc4446cdb8e88b0f9bab/triton-3.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8009a1fb093ee8546495e96731336a33fb8856a38e45bb4ab6affd6dbc3ba220", size = 253157636 },
|
||||
{ url = "https://files.pythonhosted.org/packages/06/00/59500052cb1cf8cf5316be93598946bc451f14072c6ff256904428eaf03c/triton-3.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8d9b215efc1c26fa7eefb9a157915c92d52e000d2bf83e5f69704047e63f125c", size = 253159365 },
|
||||
{ url = "https://files.pythonhosted.org/packages/c7/30/37a3384d1e2e9320331baca41e835e90a3767303642c7a80d4510152cbcf/triton-3.2.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e5dfa23ba84541d7c0a531dfce76d8bcd19159d50a4a8b14ad01e91734a5c1b0", size = 253154278 },
|
||||
]
|
||||
|
||||
[[package]]
|
||||
name = "typing-extensions"
|
||||
version = "4.12.2"
|
||||
@ -1309,10 +1114,11 @@ wheels = [
|
||||
|
||||
[[package]]
|
||||
name = "wdtagger"
|
||||
version = "0.13.1"
|
||||
version = "0.11.0"
|
||||
source = { editable = "." }
|
||||
dependencies = [
|
||||
{ name = "huggingface-hub" },
|
||||
{ name = "numpy" },
|
||||
{ name = "pandas" },
|
||||
{ name = "pillow" },
|
||||
]
|
||||
@ -1320,29 +1126,13 @@ dependencies = [
|
||||
[package.optional-dependencies]
|
||||
cpu = [
|
||||
{ name = "timm" },
|
||||
{ name = "torch", version = "2.5.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux') or sys_platform == 'darwin'" },
|
||||
{ name = "torch", version = "2.5.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux') or (sys_platform != 'darwin' and sys_platform != 'linux')" },
|
||||
{ name = "torchvision", version = "0.20.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux') or sys_platform == 'darwin'" },
|
||||
{ name = "torchvision", version = "0.20.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux') or (sys_platform != 'darwin' and sys_platform != 'linux')" },
|
||||
]
|
||||
cuda11 = [
|
||||
{ name = "timm" },
|
||||
{ name = "torch", version = "2.6.0+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" } },
|
||||
{ name = "torchvision", version = "0.21.0+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" } },
|
||||
]
|
||||
cuda12 = [
|
||||
{ name = "timm" },
|
||||
{ name = "torch", version = "2.5.1", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "platform_machine == 'aarch64' and sys_platform == 'linux'" },
|
||||
{ name = "torch", version = "2.5.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "platform_machine != 'aarch64' or sys_platform != 'linux'" },
|
||||
{ name = "torchvision", version = "0.20.1", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "platform_machine == 'aarch64' and sys_platform == 'linux'" },
|
||||
{ name = "torchvision", version = "0.20.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "platform_machine != 'aarch64' or sys_platform != 'linux'" },
|
||||
{ name = "torch", version = "2.5.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" } },
|
||||
{ name = "torchvision", version = "0.20.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" } },
|
||||
]
|
||||
gpu = [
|
||||
{ name = "timm" },
|
||||
{ name = "torch", version = "2.5.1", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "platform_machine == 'aarch64' and sys_platform == 'linux'" },
|
||||
{ name = "torch", version = "2.5.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "platform_machine != 'aarch64' or sys_platform != 'linux'" },
|
||||
{ name = "torchvision", version = "0.20.1", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "platform_machine == 'aarch64' and sys_platform == 'linux'" },
|
||||
{ name = "torchvision", version = "0.20.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "platform_machine != 'aarch64' or sys_platform != 'linux'" },
|
||||
{ name = "torch", version = "2.5.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" } },
|
||||
{ name = "torchvision", version = "0.20.1+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" } },
|
||||
]
|
||||
|
||||
[package.dev-dependencies]
|
||||
@ -1355,22 +1145,16 @@ dev = [
|
||||
[package.metadata]
|
||||
requires-dist = [
|
||||
{ name = "huggingface-hub", specifier = ">=0.26.2" },
|
||||
{ name = "numpy", specifier = ">=2.1.3" },
|
||||
{ name = "pandas", specifier = ">=2.2.3" },
|
||||
{ name = "pillow", specifier = ">=11.0.0" },
|
||||
{ name = "timm", marker = "extra == 'cpu'", specifier = ">=1.0.11" },
|
||||
{ name = "timm", marker = "extra == 'cuda11'", specifier = ">=1.0.11" },
|
||||
{ name = "timm", marker = "extra == 'cuda12'", specifier = ">=1.0.11" },
|
||||
{ name = "timm", marker = "extra == 'gpu'", specifier = ">=1.0.11" },
|
||||
{ name = "torch", marker = "extra == 'cpu'", specifier = ">=2.0.0", index = "https://download.pytorch.org/whl/cpu", conflict = { package = "wdtagger", extra = "cpu" } },
|
||||
{ name = "torch", marker = "extra == 'cuda11'", specifier = ">=2.0.0", index = "https://download.pytorch.org/whl/cu118", conflict = { package = "wdtagger", extra = "cuda11" } },
|
||||
{ name = "torch", marker = "extra == 'cuda12'", specifier = ">=2.0.0", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "wdtagger", extra = "cuda12" } },
|
||||
{ name = "torch", marker = "extra == 'gpu'", specifier = ">=2.0.0", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "wdtagger", extra = "gpu" } },
|
||||
{ name = "torch", marker = "extra == 'cpu'", specifier = ">=2.5.1", index = "https://download.pytorch.org/whl/cpu", conflict = { package = "wdtagger", extra = "cpu" } },
|
||||
{ name = "torch", marker = "extra == 'gpu'", specifier = ">=2.5.1", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "wdtagger", extra = "gpu" } },
|
||||
{ name = "torchvision", marker = "extra == 'cpu'", specifier = ">=0.20.1", index = "https://download.pytorch.org/whl/cpu", conflict = { package = "wdtagger", extra = "cpu" } },
|
||||
{ name = "torchvision", marker = "extra == 'cuda11'", specifier = ">=0.20.1", index = "https://download.pytorch.org/whl/cu118", conflict = { package = "wdtagger", extra = "cuda11" } },
|
||||
{ name = "torchvision", marker = "extra == 'cuda12'", specifier = ">=0.20.1", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "wdtagger", extra = "cuda12" } },
|
||||
{ name = "torchvision", marker = "extra == 'gpu'", specifier = ">=0.20.1", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "wdtagger", extra = "gpu" } },
|
||||
]
|
||||
provides-extras = ["cpu", "gpu", "cuda11", "cuda12"]
|
||||
|
||||
[package.metadata.requires-dev]
|
||||
dev = [
|
||||
|
Loading…
x
Reference in New Issue
Block a user