2025.12.30 Python / Conda / PyTorch 环境重建记录

目的
整理并理解 Python + conda + VS Code + PyTorch(GPU)这一整套环境到底是怎么协同工作的,避免“能跑但不懂”。


一、起因

  • 原 Anaconda base 环境包极多、来源混杂

  • 不确定是否被 pip / conda 混用“污染”

  • 多个 python / conda / VS Code 行为不一致,缺乏确定感

👉 决定:全部推倒,重装一套干净、可理解的环境


二、卸载与清理

  1. 卸载 Anaconda3

  2. 手动检查并处理以下目录:

    • .conda

    • .anaconda

    • .continuum

  3. 确认 Anaconda3 主目录不存在

  4. 理解到:

    • Spyder / Jupyter / Navigator ≠ Anaconda 本体

    • 它们只是快捷入口或工具


三、安装 Miniforge

  • 选择 Miniforge(而非 Anaconda)

    • 更轻量

    • 默认 conda-forge

  • 安装路径:

    C:\Users\name\miniforge3
    
  • 接受安装在 C 盘用户目录下(体积可控,核心环境可迁移)

验证:

conda env list

结果:

base    C:\Users\name\miniforge3

✅ 正常

大家如果感兴趣,可以去b站视频了解一下Anaconda、Miniconda、Miniforge等的关系:

【15分钟彻底搞懂!Anaconda Miniconda conda-forge miniforge Mamba】 https://www.bilibili.com/video/BV1Fm4ZzDEeY/?share_source=copy_web&vd_source=2932caa4e291b2b35d2a508c7552b978


四、创建独立 Python 环境

创建新环境:

conda create -n hilda_env python=3.10

关键认知:

  • 这一步 不是“切版本”

  • 而是:

    envs/hilda_env/ 下,安装了一套完整、独立的 Python 解释器


五、终端 / conda 激活问题的理解

遇到的问题:

  • PowerShell 中 conda 识别异常

  • VS Code 终端行为和 Miniforge Prompt 不一致

  • where python 无输出但 Get-Command python

最终确认:

Get-Command python

输出:

C:\Users\name\miniforge3\envs\hilda_env\python.exe

结论:

  • 当前 shell 中 python 已正确指向 hilda_env

  • where 在 PS 中不可靠

  • Get-Command 才是 PowerShell 的正确查询方式


六、安装 PyTorch(GPU 版)

hilda_env 中安装 PyTorch + CUDA:

  • 下载体积巨大(1GB+)

  • 包含 CUDA / cuBLAS / cuDNN / MKL 等依赖

  • 属于 环境级别负担,不是 Python 本身的问题

安装完成验证:

import torch
print(torch.__version__)
print(torch.cuda.is_available())
print(torch.cuda.get_device_name(0))

输出:

2.5.1
True
NVIDIA GeForce RTX 3050 Ti Laptop GPU

✅ GPU 可用


七、GPU 实际运行测试

测试代码:

import torch

device = "cuda" if torch.cuda.is_available() else "cpu"
x = torch.randn(3000, 3000).to(device)
y = torch.matmul(x, x)

print(y.device)

运行方式(明确指定解释器):

& C:/Users/name/miniforge3/envs/hilda_env/python.exe d:/program/Python/e1.py

输出:

cuda:0

确认:

  • 代码在 GPU 上运行

  • VS Code / 终端 / conda 协同正常


八、对 VS Code / IDE / 终端关系的最终理解

  • IDE(编辑器)

    • 只负责写代码

  • Run / Debug

    • 本质:调用某个 python.exe 执行文件

  • 终端

    • 决定:

      • 用哪个环境

      • PATH 指向谁

      • python 实际是谁

VS Code ≠ Python
VS Code ≠ conda
VS Code = 壳 + 编辑器 + 终端整合


九、关键认知总结(给未来的自己)

  1. conda 环境 ≈ 轻量虚拟机

    • 每个环境都有:

      • 独立 python.exe

      • 独立 site-packages

      • 独立 CUDA 绑定

  2. 激活环境 = 改 PATH

    • 没有神秘行为

    • 只是让 shell “先看到”某个 python

  3. 多个 python 是正常的

    • base 一个

    • 每个 env 一个

    • 系统可能还有一个

  4. PyTorch + GPU 一定会占空间

    • 属于“重型依赖”

    • 但只影响当前 env


十、这次真正的收获

  • 不再害怕“环境问题”

  • 可以定位问题在哪一层:

    • IDE

    • 终端

    • conda

    • python 解释器

(wanet_with_reflect) PS D:\PycharmProect\WaNetWithReflect> conda list # packages in environment at D:\ANACONDA\envs\wanet_with_reflect: # # Name Version Build Channel bzip2 1.0.8 h0ad9c76_8 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge ca-certificates 2025.10.5 h4c7d964_0 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge certifi 2025.10.5 pypi_0 pypi charset-normalizer 3.4.3 pypi_0 pypi filelock 3.19.1 pypi_0 pypi fsspec 2025.9.0 pypi_0 pypi idna 3.10 pypi_0 pypi jinja2 3.1.6 pypi_0 pypi libexpat 2.7.1 hac47afa_0 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge libffi 3.4.6 h537db12_1 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge liblzma 5.8.1 h2466b09_2 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge libsqlite 3.50.4 hf5d6505_0 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge libzlib 1.3.1 h2466b09_2 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge markupsafe 3.0.3 pypi_0 pypi mpmath 1.3.0 pypi_0 pypi networkx 3.2.1 pypi_0 pypi numpy 2.0.2 pypi_0 pypi openssl 3.5.4 h725018a_0 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge pillow 11.3.0 pypi_0 pypi pip 25.2 pyh8b19718_0 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge python 3.9.23 h8c5b53a_0_cpython https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge requests 2.32.5 pypi_0 pypi setuptools 80.9.0 pyhff2d567_0 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge sympy 1.14.0 pypi_0 pypi tk 8.6.13 h2c6b04d_2 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge torch 2.2.0 pypi_0 pypi torchaudio 2.2.0 pypi_0 pypi torchvision 0.17.0 pypi_0 pypi typing-extensions 4.15.0 pypi_0 pypi tzdata 2025b h78e105d_0 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge ucrt 10.0.26100.0 h57928b3_0 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge urllib3 2.5.0 pypi_0 pypi vc 14.3 h41ae7f8_31 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge vc14_runtime 14.44.35208 h818238b_31 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge vcomp14 14.44.35208 h818238b_31 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge wheel 0.45.1 pyhd8ed1ab_1 https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge 这是我当前环境中的依赖,torch无法使用 import torch # 1. 检查 CUDA 是否可用 print("CUDA 可用状态:", torch.cuda.is_available()) # 必须输出 True,否则安装失败 # 2. 验证 GPU 识别(确认是 RTX 4060) if torch.cuda.is_available(): print("GPU 设备数量:", torch.cuda.device_count()) # 输出 1(单 GPU) print("当前 GPU 名称:", torch.cuda.get_device_name(0)) # 输出 "NVIDIA GeForce RTX 4060 Laptop GPU" print("当前 GPU 计算能力:", torch.cuda.get_device_capability(0)) # 输出 (8, 9),对应 Ada 架构 # 3. 测试 GPU 计算(避免 "cusparseCreate" 错误的关键验证) # 基础张量运算(验证 CUDA 核心功能) x = torch.tensor([1.0, 2.0, 3.0]).cuda() y = torch.tensor([4.0, 5.0, 6.0]).cuda() print("GPU 张量加法结果:", x + y) # 正常输出 GPU 上的张量,无报错 # 稀疏矩阵运算(验证 cuSPARSE 功能,解决原错误的核心) sparse_mat = torch.sparse_coo_tensor( indices=torch.tensor([[0, 1, 1], [2, 0, 2]]), values=torch.tensor([3, 4, 5], dtype=torch.float32), size=(2, 3) ).cuda() # 加载稀疏矩阵到 GPU print("GPU 稀疏矩阵转稠密:", sparse_mat.to_dense()) # 正常转换,无 "cusparseCreate" 错误 else: print("CUDA 不可用!请检查驱动或安装命令是否正确。") 会报错 D:\ANACONDA\envs\wanet_with_reflect\python.exe D:\PycharmProect\WaNetWithReflect\testcuda.py A module that was compiled using NumPy 1.x cannot be run in NumPy 2.0.2 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'. If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2. Traceback (most recent call last): File "D:\PycharmProect\WaNetWithReflect\testcuda.py", line 1, in <module> import torch File "D:\ANACONDA\envs\wanet_with_reflect\lib\site-packages\torch\__init__.py", line 1471, in <module> from .functional import * # noqa: F403 File "D:\ANACONDA\envs\wanet_with_reflect\lib\site-packages\torch\functional.py", line 9, in <module> import torch.nn.functional as F File "D:\ANACONDA\envs\wanet_with_reflect\lib\site-packages\torch\nn\__init__.py", line 1, in <module> from .modules import * # noqa: F403 File "D:\ANACONDA\envs\wanet_with_reflect\lib\site-packages\torch\nn\modules\__init__.py", line 35, in <module> from .transformer import TransformerEncoder, TransformerDecoder, \ File "D:\ANACONDA\envs\wanet_with_reflect\lib\site-packages\torch\nn\modules\transformer.py", line 20, in <module> device: torch.device = torch.device(torch._C._get_default_device()), # torch.device('cpu'), D:\ANACONDA\envs\wanet_with_reflect\lib\site-packages\torch\nn\modules\transformer.py:20: UserWarning: Failed to initialize NumPy: _ARRAY_API not found (Triggered internally at C:\actions-runner\_work\pytorch\pytorch\builder\windows\pytorch\torch\csrc\utils\tensor_numpy.cpp:84.) device: torch.device = torch.device(torch._C._get_default_device()), # torch.device('cpu'), CUDA 可用状态: False CUDA 不可用!请检查驱动或安装命令是否正确。 进程已结束,退出代码为 0
10-08
为什么(pytorch_env) wangyujue@ubuntu:~/video$ /usr/bin/env /data2/user/wangyujue/miniconda3/envs/pytorch_env/bin/python /data2/user/wangyujue/.vscode-server/extensions/ms-python.debugpy-2025.18.0/bundled/libs/debugpy/adapter/../../debugpy/launcher 59551 -- /data2/user/wangyujue/video/reid_capture_pro.py -------------------------------------------------- ReID Pro Running on: CUDA Processing every 3 frames (Skip 2) -------------------------------------------------- Loading Model: yolov8m.engine... [12/30/2025-17:25:17] [TRT] [I] Loaded engine size: 52 MiB [12/30/2025-17:25:17] [TRT] [E] IRuntime::deserializeCudaEngine: Error Code 1: Serialization (Serialization assertion header.pad == expectedPlatformTag failed.Platform specific tag mismatch detected. TensorRT plan files are only supported on the target runtime platform they were created on. In throwUnlessHeaderOk at /_src/runtime/dispatch/runtime.cpp:51) ERROR ❌ TensorRT model exported with a different version than 10.14.1.48 [12/30/2025-17:25:19] [TRT] [I] Loaded engine size: 52 MiB [12/30/2025-17:25:19] [TRT] [E] IRuntime::deserializeCudaEngine: Error Code 1: Serialization (Serialization assertion header.pad == expectedPlatformTag failed.Platform specific tag mismatch detected. TensorRT plan files are only supported on the target runtime platform they were created on. In throwUnlessHeaderOk at /_src/runtime/dispatch/runtime.cpp:51) ERROR ❌ TensorRT model exported with a different version than 10.14.1.48 Starting Video Loader Thread... 0%| | 1/88217 [00:51<1263:41:19, 51.57s/frame][12/30/2025-17:26:24] [TRT] [I] Loaded engine size: 52 MiB [12/30/2025-17:26:24] [TRT] [E] IRuntime::deserializeCudaEngine: Error Code 1: Serialization (Serialization assertion header.pad == expectedPlatformTag failed.Platform specific tag mismatch detected. TensorRT plan files are only supported on the target runtime platform they were created on. In throwUnlessHeaderOk at /_src/runtime/dispatch/runtime.cpp:51) ERROR ❌ TensorRT model exported with a different version than 10.14.1.48 [ERROR] 'NoneType' object has no attribute 'create_execution_context' Traceback (most recent call last): File "/data2/user/wangyujue/video/reid_capture_pro.py", line 209, in run results = model.track( File "/data2/user/wangyujue/miniconda3/envs/pytorch_env/lib/python3.10/site-packages/ultralytics/engine/model.py", line 578, in track return self.predict(source=source, stream=stream, **kwargs) File "/data2/user/wangyujue/miniconda3/envs/pytorch_env/lib/python3.10/site-packages/ultralytics/engine/model.py", line 528, in predict self.predictor.setup_model(model=self.model, verbose=is_cli) File "/data2/user/wangyujue/miniconda3/envs/pytorch_env/lib/python3.10/site-packages/ultralytics/engine/predictor.py", line 390, in setup_model self.model = AutoBackend( File "/data2/user/wangyujue/miniconda3/envs/pytorch_env/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 120, in decorate_context return func(*args, **kwargs) File "/data2/user/wangyujue/miniconda3/envs/pytorch_env/lib/python3.10/site-packages/ultralytics/nn/autobackend.py", line 373, in __init__ raise e File "/data2/user/wangyujue/miniconda3/envs/pytorch_env/lib/python3.10/site-packages/ultralytics/nn/autobackend.py", line 370, in __init__ context = model.create_execution_context() AttributeError: 'NoneType' object has no attribute 'create_execution_context' 0%| | 2/88217 [01:05<802:46:52, 32.76s/frame] Waiting for workers to finish processing... DONE. Total Saved: 0
12-31
感觉我好像做错事了 还能补救吗?”(pytorch_env) PS E:\PyTorch_Build\pytorch> pip install mkl-static mkl-include Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple Collecting mkl-static Downloading https://pypi.tuna.tsinghua.edu.cn/packages/16/94/9f2519aa7dc0678ac70fa6044808c0eb411ca22a0ee5716956ea764ae26a/mkl_static-2025.2.0-py2.py3-none-win_amd64.whl (198.2 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 198.2/198.2 MB 57.1 MB/s 0:00:03 Collecting mkl-include Using cached https://pypi.tuna.tsinghua.edu.cn/packages/06/87/3eee37bf95c6b820b6394ad98e50132798514ecda1b2584c71c2c96b973c/mkl_include-2025.2.0-py2.py3-none-win_amd64.whl (1.3 MB) Collecting intel-openmp<2026,>=2024 (from mkl-static) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/89/ed/13fed53fcc7ea17ff84095e89e63418df91d4eeefdc74454243d529bf5a3/intel_openmp-2025.2.1-py2.py3-none-win_amd64.whl (34.0 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 34.0/34.0 MB 60.0 MB/s 0:00:00 Collecting tbb-devel==2022.* (from mkl-static) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/2c/b4/ec178737025d45eac8f37152ef8932da12ce8f1002a543bbd20bc163bed9/tbb_devel-2022.2.0-py3-none-win_amd64.whl (6.2 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 6.2/6.2 MB 75.3 MB/s 0:00:00 Collecting intel-cmplr-lib-ur==2025.2.1 (from intel-openmp<2026,>=2024->mkl-static) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/a8/70/938e81f58886fd4e114d5a5480d98c1396e73e40b7650f566ad0c4395311/intel_cmplr_lib_ur-2025.2.1-py2.py3-none-win_amd64.whl (1.2 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.2/1.2 MB 60.5 MB/s 0:00:00 Collecting umf==0.11.* (from intel-cmplr-lib-ur==2025.2.1->intel-openmp<2026,>=2024->mkl-static) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/33/a0/c8d755f08f50ddd99cb4a29a7e950ced7a0903cb72253e57059063609103/umf-0.11.0-py2.py3-none-win_amd64.whl (231 kB) Collecting tbb==2022.2.0 (from tbb-devel==2022.*->mkl-static) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/4e/d2/01e2a93f9c644585088188840bf453f23ed1a2838ec51d5ba1ada1ebca71/tbb-2022.2.0-py3-none-win_amd64.whl (420 kB) Collecting tcmlib==1.* (from tbb==2022.2.0->tbb-devel==2022.*->mkl-static) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/91/7b/e30c461a27b97e0090e4db822eeb1d37b310863241f8c3ee56f68df3e76e/tcmlib-1.4.0-py2.py3-none-win_amd64.whl (370 kB) Installing collected packages: tcmlib, mkl-include, umf, tbb, tbb-devel, intel-cmplr-lib-ur, intel-openmp, mkl-static Successfully installed intel-cmplr-lib-ur-2025.2.1 intel-openmp-2025.2.1 mkl-include-2025.2.0 mkl-static-2025.2.0 tbb-2022.2.0 tbb-devel-2022.2.0 tcmlib-1.4.0 umf-0.11.0 (pytorch_env) PS E:\PyTorch_Build\pytorch> conda install -c conda-forge libuv conda: The term 'conda' is not recognized as a name of a cmdlet, function, script file, or executable program. Check the spelling of the name, or if a path was included, verify that the path is correct and try again. (pytorch_env) PS E:\PyTorch_Build\pytorch> # 检查 MKL 是否可用 (pytorch_env) PS E:\PyTorch_Build\pytorch> python -c "import mkl; print(f'MKL version: {mkl.__version__}')" Traceback (most recent call last): File "<string>", line 1, in <module> ModuleNotFoundError: No module named 'mkl' (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 检查 libuv 是否安装 (pytorch_env) PS E:\PyTorch_Build\pytorch> conda list | Select-String "libuv" conda: The term 'conda' is not recognized as a name of a cmdlet, function, script file, or executable program. Check the spelling of the name, or if a path was included, verify that the path is correct and try again. (pytorch_env) PS E:\PyTorch_Build\pytorch> # 推荐版本组合 (pytorch_env) PS E:\PyTorch_Build\pytorch> pip install mkl-static==2024.1 mkl-include==2024.1 Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple Collecting mkl-static==2024.1 Downloading https://pypi.tuna.tsinghua.edu.cn/packages/d8/f0/3b9976df82906d8f3244213b6d8beb67cda19ab5b0645eb199da3c826127/mkl_static-2024.1.0-py2.py3-none-win_amd64.whl (220.8 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 220.8/220.8 MB 56.2 MB/s 0:00:04 Collecting mkl-include==2024.1 Downloading https://pypi.tuna.tsinghua.edu.cn/packages/06/1b/f05201146f7f12bf871fa2c62096904317447846b5d23f3560a89b4bbaae/mkl_include-2024.1.0-py2.py3-none-win_amd64.whl (1.3 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.3/1.3 MB 66.5 MB/s 0:00:00 Collecting intel-openmp==2024.* (from mkl-static==2024.1) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/c8/6c/9334569937fd3c6ec93f9fe3da268db38f5113673d568854fa18a20f36ec/intel_openmp-2024.2.1-py2.py3-none-win_amd64.whl (3.6 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 3.6/3.6 MB 107.7 MB/s 0:00:00 Collecting tbb-devel==2021.* (from mkl-static==2024.1) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/87/bc/3f1b80bedebfaad668aa1d3399db84e526ea555e0c58711f54689f81aa47/tbb_devel-2021.13.1-py3-none-win_amd64.whl (5.7 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 5.7/5.7 MB 58.1 MB/s 0:00:00 Collecting intel-cmplr-lib-ur==2024.2.1 (from intel-openmp==2024.*->mkl-static==2024.1) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/c9/98/2dd02088c92489709c936006f12fc730bb0476672aabd71cd131d9572027/intel_cmplr_lib_ur-2024.2.1-py2.py3-none-win_amd64.whl (1.3 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.3/1.3 MB 66.3 MB/s 0:00:00 Collecting tbb==2021.13.1 (from tbb-devel==2021.*->mkl-static==2024.1) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/9b/24/84ce997e8ae6296168a74d0d9c4dde572d90fb23fd7c0b219c30ff71e00e/tbb-2021.13.1-py3-none-win_amd64.whl (286 kB) Installing collected packages: tbb, mkl-include, intel-cmplr-lib-ur, tbb-devel, intel-openmp, mkl-static Attempting uninstall: tbb Found existing installation: tbb 2022.2.0 Uninstalling tbb-2022.2.0: Successfully uninstalled tbb-2022.2.0 Attempting uninstall: mkl-include Found existing installation: mkl-include 2025.2.0 Uninstalling mkl-include-2025.2.0: Successfully uninstalled mkl-include-2025.2.0 Attempting uninstall: intel-cmplr-lib-ur Found existing installation: intel-cmplr-lib-ur 2025.2.1 Uninstalling intel-cmplr-lib-ur-2025.2.1: Successfully uninstalled intel-cmplr-lib-ur-2025.2.1 Attempting uninstall: tbb-devel Found existing installation: tbb-devel 2022.2.0 Uninstalling tbb-devel-2022.2.0: Successfully uninstalled tbb-devel-2022.2.0 Attempting uninstall: intel-openmp Found existing installation: intel-openmp 2025.2.1 Uninstalling intel-openmp-2025.2.1: Successfully uninstalled intel-openmp-2025.2.1 Attempting uninstall: mkl-static Found existing installation: mkl-static 2025.2.0 Uninstalling mkl-static-2025.2.0: Successfully uninstalled mkl-static-2025.2.0 Successfully installed intel-cmplr-lib-ur-2024.2.1 intel-openmp-2024.2.1 mkl-include-2024.1.0 mkl-static-2024.1.0 tbb-2021.13.1 tbb-devel-2021.13.1 (pytorch_env) PS E:\PyTorch_Build\pytorch> conda install libuv=1.46 conda: The term 'conda' is not recognized as a name of a cmdlet, function, script file, or executable program. Check the spelling of the name, or if a path was included, verify that the path is correct and try again. (pytorch_env) PS E:\PyTorch_Build\pytorch> # 检查 MKL 是否可用 (pytorch_env) PS E:\PyTorch_Build\pytorch> python -c "import mkl; print(f'MKL version: {mkl.__version__}')" Traceback (most recent call last): File "<string>", line 1, in <module> ModuleNotFoundError: No module named 'mkl' (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 检查 libuv 是否安装 (pytorch_env) PS E:\PyTorch_Build\pytorch> conda list | Select-String "libuv" conda: The term 'conda' is not recognized as a name of a cmdlet, function, script file, or executable program. Check the spelling of the name, or if a path was included, verify that the path is correct and try again. (pytorch_env) PS E:\PyTorch_Build\pytorch> vcpkg install libuv:x64-windows vcpkg: The term 'vcpkg' is not recognized as a name of a cmdlet, function, script file, or executable program. Check the spelling of the name, or if a path was included, verify that the path is correct and try again. (pytorch_env) PS E:\PyTorch_Build\pytorch> # 1. 安装 MKL 核心数学库 (pytorch_env) PS E:\PyTorch_Build\pytorch> pip install mkl-static==2024.1 mkl-include==2024.1 Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple Requirement already satisfied: mkl-static==2024.1 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (2024.1.0) Requirement already satisfied: mkl-include==2024.1 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (2024.1.0) Requirement already satisfied: intel-openmp==2024.* in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from mkl-static==2024.1) (2024.2.1) Requirement already satisfied: tbb-devel==2021.* in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from mkl-static==2024.1) (2021.13.1) Requirement already satisfied: intel-cmplr-lib-ur==2024.2.1 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from intel-openmp==2024.*->mkl-static==2024.1) (2024.2.1) Requirement already satisfied: tbb==2021.13.1 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from tbb-devel==2021.*->mkl-static==2024.1) (2021.13.1) (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 2. 安装 libuv 用于分布式训练 (pytorch_env) PS E:\PyTorch_Build\pytorch> conda install -c conda-forge libuv=1.46 conda: The term 'conda' is not recognized as a name of a cmdlet, function, script file, or executable program. Check the spelling of the name, or if a path was included, verify that the path is correct and try again. (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 3. 安装 cuDNN(需要手动下载) (pytorch_env) PS E:\PyTorch_Build\pytorch> # 从 NVIDIA 开发者网站下载 cuDNN v8.9.7 for CUDA 13.0 (pytorch_env) PS E:\PyTorch_Build\pytorch> # https://developer.nvidia.com/cudnn-downloads (pytorch_env) PS E:\PyTorch_Build\pytorch> $cudnnZip = "cudnn-windows-x86_64-8.9.7.29_cuda13-archive.zip" (pytorch_env) PS E:\PyTorch_Build\pytorch> Expand-Archive -Path $cudnnZip -DestinationPath "C:\cudnn" Expand-Archive: The path 'cudnn-windows-x86_64-8.9.7.29_cuda13-archive.zip' either does not exist or is not a valid file system path. (pytorch_env) PS E:\PyTorch_Build\pytorch> Copy-Item -Path "C:\cudnn\bin\*" -Destination "E:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v13.0\bin" -Recurse -Force Copy-Item: Cannot find path 'C:\cudnn\bin' because it does not exist. (pytorch_env) PS E:\PyTorch_Build\pytorch> Copy-Item -Path "C:\cudnn\include\*" -Destination "E:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v13.0\include" -Recurse -Force Copy-Item: Cannot find path 'C:\cudnn\include' because it does not exist. (pytorch_env) PS E:\PyTorch_Build\pytorch> Copy-Item -Path "C:\cudnn\lib\*" -Destination "E:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v13.0\lib\x64" -Recurse -Force Copy-Item: Cannot find path 'C:\cudnn\lib' because it does not exist. (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 4. 安装 OpenSSL (pytorch_env) PS E:\PyTorch_Build\pytorch> conda install -c conda-forge openssl=3.1 conda: The term 'conda' is not recognized as a name of a cmdlet, function, script file, or executable program. Check the spelling of the name, or if a path was included, verify that the path is correct and try again. (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 5. 设置环境变量 (pytorch_env) PS E:\PyTorch_Build\pytorch> $env:CUDNN_LIBRARY_PATH = "E:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v13.0\lib\x64\cudnn.lib" (pytorch_env) PS E:\PyTorch_Build\pytorch> $env:CUDNN_INCLUDE_PATH = "E:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v13.0\include" (pytorch_env) PS E:\PyTorch_Build\pytorch> $env:OPENSSL_ROOT_DIR = "$env:CONDA_PREFIX\Library" (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 6. 验证安装 (pytorch_env) PS E:\PyTorch_Build\pytorch> python -c "import mkl; print(f'MKL version: {mkl.__version__}')" Traceback (most recent call last): File "<string>", line 1, in <module> ModuleNotFoundError: No module named 'mkl' (pytorch_env) PS E:\PyTorch_Build\pytorch> conda list | Select-String "libuv|cudnn|openssl" conda: The term 'conda' is not recognized as a name of a cmdlet, function, script file, or executable program. Check the spelling of the name, or if a path was included, verify that the path is correct and try again. (pytorch_env) PS E:\PyTorch_Build\pytorch>“
09-02
(stable-diffusion) G:\modelhub\yuliu11\stable-diffusion-webui>pip install -r requirements.txt -i https://pypi.mirrors.ustc.edu.cn/simple --trusted-host=pypi.mirrors.ustc.edu.cn Looking in indexes: https://pypi.mirrors.ustc.edu.cn/simple Collecting GitPython (from -r requirements.txt (line 1)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/01/61/d4b89fec821f72385526e1b9d9a3a0385dda4a72b206d28049e2c7cd39b8/gitpython-3.1.45-py3-none-any.whl (208 kB) Requirement already satisfied: Pillow in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 2)) (11.3.0) Collecting accelerate (from -r requirements.txt (line 3)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/9f/d2/c581486aa6c4fbd7394c23c47b83fa1a919d34194e16944241daf9e762dd/accelerate-1.12.0-py3-none-any.whl (380 kB) Collecting basicsr (from -r requirements.txt (line 5)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/86/41/00a6b000f222f0fa4c6d9e1d6dcc9811a374cabb8abb9d408b77de39648c/basicsr-1.4.2.tar.gz (172 kB) Installing build dependencies ... done Getting requirements to build wheel ... done Installing backend dependencies ... done Preparing metadata (pyproject.toml) ... done Collecting blendmodes (from -r requirements.txt (line 6)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/cf/42/69511f5c86d017a2e52a463be808eb63721c094e33172b52357449d4d0ea/blendmodes-2025-py3-none-any.whl (10 kB) Collecting clean-fid (from -r requirements.txt (line 7)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/70/56/0dfc83e0fe455cfe6272b23a65039b4101c63a4e7446801e26178b675fbf/clean_fid-0.1.35-py3-none-any.whl (26 kB) Collecting einops (from -r requirements.txt (line 8)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/87/62/9773de14fe6c45c23649e98b83231fffd7b9892b6cf863251dc2afa73643/einops-0.8.1-py3-none-any.whl (64 kB) Collecting fastapi>=0.90.1 (from -r requirements.txt (line 9)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/17/17/62c82beab6536ea72576f90b84a3dbe6bcceb88d3d46afc4d05c376f0231/fastapi-0.123.0-py3-none-any.whl (110 kB) Collecting gfpgan (from -r requirements.txt (line 10)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/80/a2/84bb50a2655fda1e6f35ae57399526051b8a8b96ad730aea82abeaac4de8/gfpgan-1.3.8-py3-none-any.whl (52 kB) Collecting gradio==3.41.2 (from -r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/df/e7/e0b548208ff5db6323ad974f094e9435adb0a377f35274196fb74adaf58a/gradio-3.41.2-py3-none-any.whl (20.1 MB) Collecting inflection (from -r requirements.txt (line 12)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/59/91/aa6bde563e0085a02a435aa99b49ef75b0a4b062635e606dab23ce18d720/inflection-0.5.1-py2.py3-none-any.whl (9.5 kB) Collecting jsonmerge (from -r requirements.txt (line 13)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/71/c2/1032d0dbc2152c45f3d1e582a72e68f41898de9665202392d9400dfa329d/jsonmerge-1.9.2-py3-none-any.whl (19 kB) Collecting kornia (from -r requirements.txt (line 14)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/79/d4/e9bd12b7b4cbd23b4dfb47e744ee1fa54d6d9c3c9bc406ec86c1be8c8307/kornia-0.8.2-py2.py3-none-any.whl (1.1 MB) Collecting lark (from -r requirements.txt (line 15)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/82/3d/14ce75ef66813643812f3093ab17e46d3a206942ce7376d31ec2d36229e7/lark-1.3.1-py3-none-any.whl (113 kB) Requirement already satisfied: numpy in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 16)) (2.1.2) Collecting omegaconf (from -r requirements.txt (line 17)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/e3/94/1843518e420fa3ed6919835845df698c7e27e183cb997394e4a670973a65/omegaconf-2.3.0-py3-none-any.whl (79 kB) Collecting open-clip-torch (from -r requirements.txt (line 18)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/94/91/397327cc1597fa317942cc15bef414175eee4b3c2263b34407c57f3521f9/open_clip_torch-3.2.0-py3-none-any.whl (1.5 MB) Collecting piexif (from -r requirements.txt (line 20)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/2c/d8/6f63147dd73373d051c5eb049ecd841207f898f50a5a1d4378594178f6cf/piexif-1.1.3-py2.py3-none-any.whl (20 kB) Collecting psutil (from -r requirements.txt (line 21)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/55/4c/c3ed1a622b6ae2fd3c945a366e64eb35247a31e4db16cf5095e269e8eb3c/psutil-7.1.3-cp37-abi3-win_amd64.whl (247 kB) Collecting pytorch_lightning (from -r requirements.txt (line 22)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/77/eb/cc6dbfe70d15318dbce82674b1e8057cef2634ca9f9121a16b8a06c630db/pytorch_lightning-2.6.0-py3-none-any.whl (849 kB) Collecting realesrgan (from -r requirements.txt (line 23)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/b2/3e/e2f79917a04991b9237df264f7abab2b58cf94748e7acfb6677b55232ca1/realesrgan-0.3.0-py3-none-any.whl (26 kB) Requirement already satisfied: requests in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 24)) (2.32.5) Collecting resize-right (from -r requirements.txt (line 25)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/1d/08/c5c0640a08d7b373f1175c536462862054ee32145dae457c89916cd568d2/resize_right-0.0.2-py3-none-any.whl (8.9 kB) Collecting safetensors (from -r requirements.txt (line 27)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5d/e6/ec8471c8072382cb91233ba7267fd931219753bb43814cbc71757bfd4dab/safetensors-0.7.0-cp38-abi3-win_amd64.whl (341 kB) Collecting scikit-image>=0.19 (from -r requirements.txt (line 28)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5f/ee/c53a009e3997dda9d285402f19226fbd17b5b3cb215da391c4ed084a1424/scikit_image-0.25.2-cp310-cp310-win_amd64.whl (12.8 MB) Collecting timm (from -r requirements.txt (line 29)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/d6/14/fc04d491527b774ec7479897f5861959209de1480e4c4cd32ed098ff8bea/timm-1.0.22-py3-none-any.whl (2.5 MB) Collecting tomesd (from -r requirements.txt (line 30)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/0c/02/367c67c8f510313f143a7818e92254a5f861c7d94c98ad6a08d25db52fee/tomesd-0.1.3-py3-none-any.whl (11 kB) Requirement already satisfied: torch in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 31)) (2.9.1+cu128) Collecting torchdiffeq (from -r requirements.txt (line 32)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/b9/35/537f64f2d0b3cfebaae0f903b4e3a3b239abcc99d0f73cb15b9cee9b8212/torchdiffeq-0.2.5-py3-none-any.whl (32 kB) Collecting torchsde (from -r requirements.txt (line 33)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/dd/1f/b67ebd7e19ffe259f05d3cf4547326725c3113d640c277030be3e9998d6f/torchsde-0.2.6-py3-none-any.whl (61 kB) Collecting transformers==4.30.2 (from -r requirements.txt (line 34)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5b/0b/e45d26ccd28568013523e04f325432ea88a442b4e3020b757cf4361f0120/transformers-4.30.2-py3-none-any.whl (7.2 MB) Collecting aiofiles<24.0,>=22.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/c5/19/5af6804c4cc0fed83f47bff6e413a98a36618e7d40185cd36e69737f3b0e/aiofiles-23.2.1-py3-none-any.whl (15 kB) Collecting altair<6.0,>=4.2.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/aa/f3/0b6ced594e51cc95d8c1fc1640d3623770d01e4969d29c0bd09945fafefa/altair-5.5.0-py3-none-any.whl (731 kB) Collecting ffmpy (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/55/56/dd3669eccebb6d8ac81e624542ebd53fe6f08e1b8f2f8d50aeb7e3b83f99/ffmpy-1.0.0-py3-none-any.whl (5.6 kB) Collecting gradio-client==0.5.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/fe/85/ec0323f39192c4bee04e8e06e64213aff816b9d1b61c3c8367e75b1c7e10/gradio_client-0.5.0-py3-none-any.whl (298 kB) Collecting httpx (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/2a/39/e50c7c3a983047577ee07d2a9e53faf5a69493943ec3f6a384bdc792deb2/httpx-0.28.1-py3-none-any.whl (73 kB) Collecting huggingface-hub>=0.14.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/dd/4f/82e5ab009089a2c48472bf4248391fe4091cf0b9c3e951dbb8afe3b23d76/huggingface_hub-1.1.7-py3-none-any.whl (516 kB) Collecting importlib-resources<7.0,>=1.3 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/a4/ed/1f1afb2e9e7f38a545d628f864d562a5ae64fe6f7a10e28ffb9b185b4e89/importlib_resources-6.5.2-py3-none-any.whl (37 kB) Requirement already satisfied: jinja2<4.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (3.1.6) Requirement already satisfied: markupsafe~=2.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (2.1.5) Collecting matplotlib~=3.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/65/7d/954b3067120456f472cce8fdcacaf4a5fcd522478db0c37bb243c7cb59dd/matplotlib-3.10.7-cp310-cp310-win_amd64.whl (8.1 MB) Collecting numpy (from -r requirements.txt (line 16)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/19/77/538f202862b9183f54108557bfda67e17603fc560c384559e769321c9d92/numpy-1.26.4-cp310-cp310-win_amd64.whl (15.8 MB) Collecting orjson~=3.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/e6/69/18a778c9de3702b19880e73c9866b91cc85f904b885d816ba1ab318b223c/orjson-3.11.4-cp310-cp310-win_amd64.whl (131 kB) Requirement already satisfied: packaging in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (25.0) Collecting pandas<3.0,>=1.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/85/72/530900610650f54a35a19476eca5104f38555afccda1aa11a92ee14cb21d/pandas-2.3.3-cp310-cp310-win_amd64.whl (11.3 MB) Collecting Pillow (from -r requirements.txt (line 2)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/f4/72/0203e94a91ddb4a9d5238434ae6c1ca10e610e8487036132ea9bf806ca2a/pillow-10.4.0-cp310-cp310-win_amd64.whl (2.6 MB) Collecting pydantic!=1.8,!=1.8.1,!=2.0.0,!=2.0.1,<3.0.0,>=1.7.4 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5a/87/b70ad306ebb6f9b585f114d0ac2137d792b48be34d732d60e597c2f8465a/pydantic-2.12.5-py3-none-any.whl (463 kB) Collecting pydub (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/a6/53/d78dc063216e62fc55f6b2eebb447f6a4b0a59f55c8406376f76bf959b08/pydub-0.25.1-py2.py3-none-any.whl (32 kB) Collecting python-multipart (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/45/58/38b5afbc1a800eeea951b9285d3912613f2603bdf897a4ab0f4bd7f405fc/python_multipart-0.0.20-py3-none-any.whl (24 kB) Collecting pyyaml<7.0,>=5.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/2a/fa/926c003379b19fca39dd4634818b00dec6c62d87faf628d1394e137354d4/pyyaml-6.0.3-cp310-cp310-win_amd64.whl (158 kB) Collecting semantic-version~=2.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/6a/23/8146aad7d88f4fcb3a6218f41a60f6c2d4e3a72de72da1825dc7c8f7877c/semantic_version-2.10.0-py2.py3-none-any.whl (15 kB) Requirement already satisfied: typing-extensions~=4.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (4.15.0) Collecting uvicorn>=0.14.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/ee/d9/d88e73ca598f4f6ff671fb5fde8a32925c2e08a637303a1d12883c7305fa/uvicorn-0.38.0-py3-none-any.whl (68 kB) Collecting websockets<12.0,>=10.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/98/a7/0ed69892981351e5acf88fac0ff4c801fabca2c3bdef9fca4c7d3fde8c53/websockets-11.0.3-cp310-cp310-win_amd64.whl (124 kB) Requirement already satisfied: filelock in d:\ac\envs\stable-diffusion\lib\site-packages (from transformers==4.30.2->-r requirements.txt (line 34)) (3.19.1) Collecting huggingface-hub>=0.14.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/cb/bd/1a875e0d592d447cbc02805fd3fe0f497714d6a2583f59d14fa9ebad96eb/huggingface_hub-0.36.0-py3-none-any.whl (566 kB) Collecting regex!=2019.12.17 (from transformers==4.30.2->-r requirements.txt (line 34)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/34/9d/e9e8493a85f3b1ddc4a5014465f5c2b78c3ea1cbf238dcfde78956378041/regex-2025.11.3-cp310-cp310-win_amd64.whl (277 kB) Collecting tokenizers!=0.11.3,<0.14,>=0.11.1 (from transformers==4.30.2->-r requirements.txt (line 34)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/3d/e7/ea70a1a0cd9ad5b4786365edd4042c30037bc4e67ae09c53cd62c6c1b89f/tokenizers-0.13.3-cp310-cp310-win_amd64.whl (3.5 MB) Requirement already satisfied: tqdm>=4.27 in d:\ac\envs\stable-diffusion\lib\site-packages (from transformers==4.30.2->-r requirements.txt (line 34)) (4.67.1) Requirement already satisfied: fsspec in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio-client==0.5.0->gradio==3.41.2->-r requirements.txt (line 11)) (2025.9.0) Requirement already satisfied: charset_normalizer<4,>=2 in d:\ac\envs\stable-diffusion\lib\site-packages (from requests->-r requirements.txt (line 24)) (3.4.4) Requirement already satisfied: idna<4,>=2.5 in d:\ac\envs\stable-diffusion\lib\site-packages (from requests->-r requirements.txt (line 24)) (3.11) Requirement already satisfied: urllib3<3,>=1.21.1 in d:\ac\envs\stable-diffusion\lib\site-packages (from requests->-r requirements.txt (line 24)) (2.5.0) Requirement already satisfied: certifi>=2017.4.17 in d:\ac\envs\stable-diffusion\lib\site-packages (from requests->-r requirements.txt (line 24)) (2025.11.12) Collecting jsonschema>=3.0 (from altair<6.0,>=4.2.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/bf/9c/8c95d856233c1f82500c2450b8c68576b4cf1c871db3afac5c34ff84e6fd/jsonschema-4.25.1-py3-none-any.whl (90 kB) Collecting narwhals>=1.14.2 (from altair<6.0,>=4.2.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/87/0d/1861d1599571974b15b025e12b142d8e6b42ad66c8a07a89cb0fc21f1e03/narwhals-2.13.0-py3-none-any.whl (426 kB) Collecting contourpy>=1.0.1 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/54/ec/5162b8582f2c994721018d0c9ece9dc6ff769d298a8ac6b6a652c307e7df/contourpy-1.3.2-cp310-cp310-win_amd64.whl (221 kB) Collecting cycler>=0.10 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/e7/05/c19819d5e3d95294a6f5947fb9b9629efb316b96de511b418c53d245aae6/cycler-0.12.1-py3-none-any.whl (8.3 kB) Collecting fonttools>=4.22.0 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/f9/0c/62961d5fe6f764d6cbc387ef2c001f5f610808c7aded837409836c0b3e7c/fonttools-4.61.0-cp310-cp310-win_amd64.whl (1.5 MB) Collecting kiwisolver>=1.3.1 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/a2/55/c2898d84ca440852e560ca9f2a0d28e6e931ac0849b896d77231929900e7/kiwisolver-1.4.9-cp310-cp310-win_amd64.whl (73 kB) Collecting pyparsing>=3 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/10/5e/1aa9a93198c6b64513c9d7752de7422c06402de6600a8767da1524f9570b/pyparsing-3.2.5-py3-none-any.whl (113 kB) Collecting python-dateutil>=2.7 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/ec/57/56b9bcc3c9c6a792fcbaf139543cee77261f3651ca9da0c93f5c1221264b/python_dateutil-2.9.0.post0-py2.py3-none-any.whl (229 kB) Collecting pytz>=2020.1 (from pandas<3.0,>=1.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/81/c4/34e93fe5f5429d7570ec1fa436f1986fb1f00c3e0f43a589fe2bbcd22c3f/pytz-2025.2-py2.py3-none-any.whl (509 kB) Collecting tzdata>=2022.7 (from pandas<3.0,>=1.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5c/23/c7abc0ca0a1526a0774eca151daeb8de62ec457e77262b66b359c3c7679e/tzdata-2025.2-py2.py3-none-any.whl (347 kB) Collecting annotated-types>=0.6.0 (from pydantic!=1.8,!=1.8.1,!=2.0.0,!=2.0.1,<3.0.0,>=1.7.4->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/78/b6/6307fbef88d9b5ee7421e68d78a9f162e0da4900bc5f5793f6d3d0e34fb8/annotated_types-0.7.0-py3-none-any.whl (13 kB) Collecting pydantic-core==2.41.5 (from pydantic!=1.8,!=1.8.1,!=2.0.0,!=2.0.1,<3.0.0,>=1.7.4->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/76/92/d338652464c6c367e5608e4488201702cd1cbb0f33f7b6a85a60fe5f3720/pydantic_core-2.41.5-cp310-cp310-win_amd64.whl (2.0 MB) Collecting typing-inspection>=0.4.2 (from pydantic!=1.8,!=1.8.1,!=2.0.0,!=2.0.1,<3.0.0,>=1.7.4->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/dc/9b/47798a6c91d8bdb567fe2698fe81e0c6b7cb7ef4d13da4114b41d239f65d/typing_inspection-0.4.2-py3-none-any.whl (14 kB) Collecting gitdb<5,>=4.0.1 (from GitPython->-r requirements.txt (line 1)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/a0/61/5c78b91c3143ed5c14207f463aecfc8f9dbb5092fb2869baf37c273b2705/gitdb-4.0.12-py3-none-any.whl (62 kB) Collecting smmap<6,>=3.0.1 (from gitdb<5,>=4.0.1->GitPython->-r requirements.txt (line 1)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/04/be/d09147ad1ec7934636ad912901c5fd7667e1c858e19d355237db0d0cd5e4/smmap-5.0.2-py3-none-any.whl (24 kB) Collecting addict (from basicsr->-r requirements.txt (line 5)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/6a/00/b08f23b7d7e1e14ce01419a467b583edbb93c6cdb8654e54a9cc579cd61f/addict-2.4.0-py3-none-any.whl (3.8 kB) Collecting future (from basicsr->-r requirements.txt (line 5)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/da/71/ae30dadffc90b9006d77af76b393cb9dfbfc9629f339fc1574a1c52e6806/future-1.0.0-py3-none-any.whl (491 kB) Collecting lmdb (from basicsr->-r requirements.txt (line 5)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/ab/a7/5c610b933dc0241a8a60b2fd275e68aaca5409eb54188416deb447c59511/lmdb-1.7.5-cp310-cp310-win_amd64.whl (99 kB) Collecting opencv-python (from basicsr->-r requirements.txt (line 5)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/fa/80/eb88edc2e2b11cd2dd2e56f1c80b5784d11d6e6b7f04a1145df64df40065/opencv_python-4.12.0.88-cp37-abi3-win_amd64.whl (39.0 MB) Collecting scipy (from basicsr->-r requirements.txt (line 5)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/d1/84/55bc4881973d3f79b479a5a2e2df61c8c9a04fcb986a213ac9c02cfb659b/scipy-1.15.3-cp310-cp310-win_amd64.whl (41.3 MB) INFO: pip is looking at multiple versions of basicsr to determine which version is compatible with other requirements. This could take a while. Collecting basicsr (from -r requirements.txt (line 5)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/c7/c9/9dda955cc560db80bd7433210a3a8e5fc4676fcd88e64527dc3271feb7d1/basicsr-1.4.1.tar.gz (171 kB) Installing build dependencies ... done Getting requirements to build wheel ... error error: subprocess-exited-with-error × Getting requirements to build wheel did not run successfully. │ exit code: 1 ╰─> [17 lines of output] Traceback (most recent call last): File "D:\ac\envs\stable-diffusion\lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 389, in <module> main() File "D:\ac\envs\stable-diffusion\lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 373, in main json_out["return_val"] = hook(**hook_input["kwargs"]) File "D:\ac\envs\stable-diffusion\lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 143, in get_requires_for_build_wheel return hook(config_settings) File "C:\Users\Administrator\AppData\Local\Temp\pip-build-env-_xg1dlzf\overlay\Lib\site-packages\setuptools\build_meta.py", line 331, in get_requires_for_build_wheel return self._get_build_requires(config_settings, requirements=[]) File "C:\Users\Administrator\AppData\Local\Temp\pip-build-env-_xg1dlzf\overlay\Lib\site-packages\setuptools\build_meta.py", line 301, in _get_build_requires self.run_setup() File "C:\Users\Administrator\AppData\Local\Temp\pip-build-env-_xg1dlzf\overlay\Lib\site-packages\setuptools\build_meta.py", line 512, in run_setup super().run_setup(setup_script=setup_script) File "C:\Users\Administrator\AppData\Local\Temp\pip-build-env-_xg1dlzf\overlay\Lib\site-packages\setuptools\build_meta.py", line 317, in run_setup exec(code, locals()) File "<string>", line 8, in <module> ModuleNotFoundError: No module named 'torch' [end of output] note: This error originates from a subprocess, and is likely not a problem with pip. ERROR: Failed to build 'basicsr' when getting requirements to build wheel (stable-diffusion) G:\modelhub\yuliu11\stable-diffusion-webui>pip install addict future lmdb opencv-python pyyaml scikit-image scipy tensorboard Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple Collecting addict Using cached https://pypi.tuna.tsinghua.edu.cn/packages/6a/00/b08f23b7d7e1e14ce01419a467b583edbb93c6cdb8654e54a9cc579cd61f/addict-2.4.0-py3-none-any.whl (3.8 kB) Collecting future Using cached https://pypi.tuna.tsinghua.edu.cn/packages/da/71/ae30dadffc90b9006d77af76b393cb9dfbfc9629f339fc1574a1c52e6806/future-1.0.0-py3-none-any.whl (491 kB) Collecting lmdb Using cached https://pypi.tuna.tsinghua.edu.cn/packages/ab/a7/5c610b933dc0241a8a60b2fd275e68aaca5409eb54188416deb447c59511/lmdb-1.7.5-cp310-cp310-win_amd64.whl (99 kB) Collecting opencv-python Using cached https://pypi.tuna.tsinghua.edu.cn/packages/fa/80/eb88edc2e2b11cd2dd2e56f1c80b5784d11d6e6b7f04a1145df64df40065/opencv_python-4.12.0.88-cp37-abi3-win_amd64.whl (39.0 MB) Collecting pyyaml Using cached https://pypi.tuna.tsinghua.edu.cn/packages/2a/fa/926c003379b19fca39dd4634818b00dec6c62d87faf628d1394e137354d4/pyyaml-6.0.3-cp310-cp310-win_amd64.whl (158 kB) Collecting scikit-image Using cached https://pypi.tuna.tsinghua.edu.cn/packages/5f/ee/c53a009e3997dda9d285402f19226fbd17b5b3cb215da391c4ed084a1424/scikit_image-0.25.2-cp310-cp310-win_amd64.whl (12.8 MB) Collecting scipy Using cached https://pypi.tuna.tsinghua.edu.cn/packages/d1/84/55bc4881973d3f79b479a5a2e2df61c8c9a04fcb986a213ac9c02cfb659b/scipy-1.15.3-cp310-cp310-win_amd64.whl (41.3 MB) Collecting tensorboard Downloading https://pypi.tuna.tsinghua.edu.cn/packages/9c/d9/a5db55f88f258ac669a92858b70a714bbbd5acd993820b41ec4a96a4d77f/tensorboard-2.20.0-py3-none-any.whl (5.5 MB) ---------------------------------------- 5.5/5.5 MB 4.0 MB/s 0:00:01 Requirement already satisfied: numpy<2.3.0,>=2 in d:\ac\envs\stable-diffusion\lib\site-packages (from opencv-python) (2.1.2) Requirement already satisfied: networkx>=3.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from scikit-image) (3.3) Requirement already satisfied: pillow>=10.1 in d:\ac\envs\stable-diffusion\lib\site-packages (from scikit-image) (11.3.0) Collecting imageio!=2.35.0,>=2.33 (from scikit-image) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/fb/fe/301e0936b79bcab4cacc7548bf2853fc28dced0a578bab1f7ef53c9aa75b/imageio-2.37.2-py3-none-any.whl (317 kB) Collecting tifffile>=2022.8.12 (from scikit-image) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/5d/06/bd0a6097da704a7a7c34a94cfd771c3ea3c2f405dd214e790d22c93f6be1/tifffile-2025.5.10-py3-none-any.whl (226 kB) Requirement already satisfied: packaging>=21 in d:\ac\envs\stable-diffusion\lib\site-packages (from scikit-image) (25.0) Collecting lazy-loader>=0.4 (from scikit-image) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/83/60/d497a310bde3f01cb805196ac61b7ad6dc5dcf8dce66634dc34364b20b4f/lazy_loader-0.4-py3-none-any.whl (12 kB) Collecting absl-py>=0.4 (from tensorboard) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/8f/aa/ba0014cc4659328dc818a28827be78e6d97312ab0cb98105a770924dc11e/absl_py-2.3.1-py3-none-any.whl (135 kB) Collecting grpcio>=1.48.2 (from tensorboard) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/10/30/d3d2adcbb6dd3ff59d6ac3df6ef830e02b437fb5c90990429fd180e52f30/grpcio-1.76.0-cp310-cp310-win_amd64.whl (4.7 MB) ---------------------------------------- 4.7/4.7 MB 10.5 MB/s 0:00:00 Collecting markdown>=2.6.8 (from tensorboard) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/70/81/54e3ce63502cd085a0c556652a4e1b919c45a446bd1e5300e10c44c8c521/markdown-3.10-py3-none-any.whl (107 kB) Collecting protobuf!=4.24.0,>=3.19.6 (from tensorboard) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/a6/79/8780a378c650e3df849b73de8b13cf5412f521ca2ff9b78a45c247029440/protobuf-6.33.1-cp310-abi3-win_amd64.whl (436 kB) Requirement already satisfied: setuptools>=41.0.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from tensorboard) (80.9.0) Collecting tensorboard-data-server<0.8.0,>=0.7.0 (from tensorboard) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/7a/13/e503968fefabd4c6b2650af21e110aa8466fe21432cd7c43a84577a89438/tensorboard_data_server-0.7.2-py3-none-any.whl (2.4 kB) Collecting werkzeug>=1.0.1 (from tensorboard) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/2f/f9/9e082990c2585c744734f85bec79b5dae5df9c974ffee58fe421652c8e91/werkzeug-3.1.4-py3-none-any.whl (224 kB) Requirement already satisfied: typing-extensions~=4.12 in d:\ac\envs\stable-diffusion\lib\site-packages (from grpcio>=1.48.2->tensorboard) (4.15.0) Requirement already satisfied: markupsafe>=2.1.1 in d:\ac\envs\stable-diffusion\lib\site-packages (from werkzeug>=1.0.1->tensorboard) (2.1.5) Installing collected packages: lmdb, addict, werkzeug, tifffile, tensorboard-data-server, scipy, pyyaml, protobuf, opencv-python, markdown, lazy-loader, imageio, grpcio, future, absl-py, tensorboard, scikit-image Successfully installed absl-py-2.3.1 addict-2.4.0 future-1.0.0 grpcio-1.76.0 imageio-2.37.2 lazy-loader-0.4 lmdb-1.7.5 markdown-3.10 opencv-python-4.12.0.88 protobuf-6.33.1 pyyaml-6.0.3 scikit-image-0.25.2 scipy-1.15.3 tensorboard-2.20.0 tensorboard-data-server-0.7.2 tifffile-2025.5.10 werkzeug-3.1.4 (stable-diffusion) G:\modelhub\yuliu11\stable-diffusion-webui>pip install basicsr --no-deps --no-build-isolation Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple Collecting basicsr Using cached https://pypi.tuna.tsinghua.edu.cn/packages/86/41/00a6b000f222f0fa4c6d9e1d6dcc9811a374cabb8abb9d408b77de39648c/basicsr-1.4.2.tar.gz (172 kB) Preparing metadata (pyproject.toml) ... done Building wheels for collected packages: basicsr Building wheel for basicsr (pyproject.toml) ... done Created wheel for basicsr: filename=basicsr-1.4.2-py3-none-any.whl size=214937 sha256=181519212a7dcb0bb3dc654f78b856baf2f6c08bf7c3725f02ba4011b64072a7 Stored in directory: c:\users\administrator\appdata\local\pip\cache\wheels\a7\83\f2\f5cc8ad54192cb313e27eec131b3fa104d1a81e90835286a0c Successfully built basicsr Installing collected packages: basicsr Successfully installed basicsr-1.4.2 (stable-diffusion) G:\modelhub\yuliu11\stable-diffusion-webui>pip install -r requirements.txt -i https://pypi.mirrors.ustc.edu.cn/simple --trusted-host=pypi.mirrors.ustc.edu.cn Looking in indexes: https://pypi.mirrors.ustc.edu.cn/simple Collecting GitPython (from -r requirements.txt (line 1)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/01/61/d4b89fec821f72385526e1b9d9a3a0385dda4a72b206d28049e2c7cd39b8/gitpython-3.1.45-py3-none-any.whl (208 kB) Requirement already satisfied: Pillow in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 2)) (11.3.0) Collecting accelerate (from -r requirements.txt (line 3)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/9f/d2/c581486aa6c4fbd7394c23c47b83fa1a919d34194e16944241daf9e762dd/accelerate-1.12.0-py3-none-any.whl (380 kB) Requirement already satisfied: basicsr in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 5)) (1.4.2) Collecting blendmodes (from -r requirements.txt (line 6)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/cf/42/69511f5c86d017a2e52a463be808eb63721c094e33172b52357449d4d0ea/blendmodes-2025-py3-none-any.whl (10 kB) Collecting clean-fid (from -r requirements.txt (line 7)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/70/56/0dfc83e0fe455cfe6272b23a65039b4101c63a4e7446801e26178b675fbf/clean_fid-0.1.35-py3-none-any.whl (26 kB) Collecting einops (from -r requirements.txt (line 8)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/87/62/9773de14fe6c45c23649e98b83231fffd7b9892b6cf863251dc2afa73643/einops-0.8.1-py3-none-any.whl (64 kB) Collecting fastapi>=0.90.1 (from -r requirements.txt (line 9)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/17/17/62c82beab6536ea72576f90b84a3dbe6bcceb88d3d46afc4d05c376f0231/fastapi-0.123.0-py3-none-any.whl (110 kB) Collecting gfpgan (from -r requirements.txt (line 10)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/80/a2/84bb50a2655fda1e6f35ae57399526051b8a8b96ad730aea82abeaac4de8/gfpgan-1.3.8-py3-none-any.whl (52 kB) Collecting gradio==3.41.2 (from -r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/df/e7/e0b548208ff5db6323ad974f094e9435adb0a377f35274196fb74adaf58a/gradio-3.41.2-py3-none-any.whl (20.1 MB) Collecting inflection (from -r requirements.txt (line 12)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/59/91/aa6bde563e0085a02a435aa99b49ef75b0a4b062635e606dab23ce18d720/inflection-0.5.1-py2.py3-none-any.whl (9.5 kB) Collecting jsonmerge (from -r requirements.txt (line 13)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/71/c2/1032d0dbc2152c45f3d1e582a72e68f41898de9665202392d9400dfa329d/jsonmerge-1.9.2-py3-none-any.whl (19 kB) Collecting kornia (from -r requirements.txt (line 14)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/79/d4/e9bd12b7b4cbd23b4dfb47e744ee1fa54d6d9c3c9bc406ec86c1be8c8307/kornia-0.8.2-py2.py3-none-any.whl (1.1 MB) Collecting lark (from -r requirements.txt (line 15)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/82/3d/14ce75ef66813643812f3093ab17e46d3a206942ce7376d31ec2d36229e7/lark-1.3.1-py3-none-any.whl (113 kB) Requirement already satisfied: numpy in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 16)) (2.1.2) Collecting omegaconf (from -r requirements.txt (line 17)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/e3/94/1843518e420fa3ed6919835845df698c7e27e183cb997394e4a670973a65/omegaconf-2.3.0-py3-none-any.whl (79 kB) Collecting open-clip-torch (from -r requirements.txt (line 18)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/94/91/397327cc1597fa317942cc15bef414175eee4b3c2263b34407c57f3521f9/open_clip_torch-3.2.0-py3-none-any.whl (1.5 MB) Collecting piexif (from -r requirements.txt (line 20)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/2c/d8/6f63147dd73373d051c5eb049ecd841207f898f50a5a1d4378594178f6cf/piexif-1.1.3-py2.py3-none-any.whl (20 kB) Collecting psutil (from -r requirements.txt (line 21)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/55/4c/c3ed1a622b6ae2fd3c945a366e64eb35247a31e4db16cf5095e269e8eb3c/psutil-7.1.3-cp37-abi3-win_amd64.whl (247 kB) Collecting pytorch_lightning (from -r requirements.txt (line 22)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/77/eb/cc6dbfe70d15318dbce82674b1e8057cef2634ca9f9121a16b8a06c630db/pytorch_lightning-2.6.0-py3-none-any.whl (849 kB) Collecting realesrgan (from -r requirements.txt (line 23)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/b2/3e/e2f79917a04991b9237df264f7abab2b58cf94748e7acfb6677b55232ca1/realesrgan-0.3.0-py3-none-any.whl (26 kB) Requirement already satisfied: requests in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 24)) (2.32.5) Collecting resize-right (from -r requirements.txt (line 25)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/1d/08/c5c0640a08d7b373f1175c536462862054ee32145dae457c89916cd568d2/resize_right-0.0.2-py3-none-any.whl (8.9 kB) Collecting safetensors (from -r requirements.txt (line 27)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5d/e6/ec8471c8072382cb91233ba7267fd931219753bb43814cbc71757bfd4dab/safetensors-0.7.0-cp38-abi3-win_amd64.whl (341 kB) Requirement already satisfied: scikit-image>=0.19 in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 28)) (0.25.2) Collecting timm (from -r requirements.txt (line 29)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/d6/14/fc04d491527b774ec7479897f5861959209de1480e4c4cd32ed098ff8bea/timm-1.0.22-py3-none-any.whl (2.5 MB) Collecting tomesd (from -r requirements.txt (line 30)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/0c/02/367c67c8f510313f143a7818e92254a5f861c7d94c98ad6a08d25db52fee/tomesd-0.1.3-py3-none-any.whl (11 kB) Requirement already satisfied: torch in d:\ac\envs\stable-diffusion\lib\site-packages (from -r requirements.txt (line 31)) (2.9.1+cu128) Collecting torchdiffeq (from -r requirements.txt (line 32)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/b9/35/537f64f2d0b3cfebaae0f903b4e3a3b239abcc99d0f73cb15b9cee9b8212/torchdiffeq-0.2.5-py3-none-any.whl (32 kB) Collecting torchsde (from -r requirements.txt (line 33)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/dd/1f/b67ebd7e19ffe259f05d3cf4547326725c3113d640c277030be3e9998d6f/torchsde-0.2.6-py3-none-any.whl (61 kB) Collecting transformers==4.30.2 (from -r requirements.txt (line 34)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5b/0b/e45d26ccd28568013523e04f325432ea88a442b4e3020b757cf4361f0120/transformers-4.30.2-py3-none-any.whl (7.2 MB) Collecting aiofiles<24.0,>=22.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/c5/19/5af6804c4cc0fed83f47bff6e413a98a36618e7d40185cd36e69737f3b0e/aiofiles-23.2.1-py3-none-any.whl (15 kB) Collecting altair<6.0,>=4.2.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/aa/f3/0b6ced594e51cc95d8c1fc1640d3623770d01e4969d29c0bd09945fafefa/altair-5.5.0-py3-none-any.whl (731 kB) Collecting ffmpy (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/55/56/dd3669eccebb6d8ac81e624542ebd53fe6f08e1b8f2f8d50aeb7e3b83f99/ffmpy-1.0.0-py3-none-any.whl (5.6 kB) Collecting gradio-client==0.5.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/fe/85/ec0323f39192c4bee04e8e06e64213aff816b9d1b61c3c8367e75b1c7e10/gradio_client-0.5.0-py3-none-any.whl (298 kB) Collecting httpx (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/2a/39/e50c7c3a983047577ee07d2a9e53faf5a69493943ec3f6a384bdc792deb2/httpx-0.28.1-py3-none-any.whl (73 kB) Collecting huggingface-hub>=0.14.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/dd/4f/82e5ab009089a2c48472bf4248391fe4091cf0b9c3e951dbb8afe3b23d76/huggingface_hub-1.1.7-py3-none-any.whl (516 kB) Collecting importlib-resources<7.0,>=1.3 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/a4/ed/1f1afb2e9e7f38a545d628f864d562a5ae64fe6f7a10e28ffb9b185b4e89/importlib_resources-6.5.2-py3-none-any.whl (37 kB) Requirement already satisfied: jinja2<4.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (3.1.6) Requirement already satisfied: markupsafe~=2.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (2.1.5) Collecting matplotlib~=3.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/65/7d/954b3067120456f472cce8fdcacaf4a5fcd522478db0c37bb243c7cb59dd/matplotlib-3.10.7-cp310-cp310-win_amd64.whl (8.1 MB) Collecting numpy (from -r requirements.txt (line 16)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/19/77/538f202862b9183f54108557bfda67e17603fc560c384559e769321c9d92/numpy-1.26.4-cp310-cp310-win_amd64.whl (15.8 MB) Collecting orjson~=3.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/e6/69/18a778c9de3702b19880e73c9866b91cc85f904b885d816ba1ab318b223c/orjson-3.11.4-cp310-cp310-win_amd64.whl (131 kB) Requirement already satisfied: packaging in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (25.0) Collecting pandas<3.0,>=1.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/85/72/530900610650f54a35a19476eca5104f38555afccda1aa11a92ee14cb21d/pandas-2.3.3-cp310-cp310-win_amd64.whl (11.3 MB) Collecting Pillow (from -r requirements.txt (line 2)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/f4/72/0203e94a91ddb4a9d5238434ae6c1ca10e610e8487036132ea9bf806ca2a/pillow-10.4.0-cp310-cp310-win_amd64.whl (2.6 MB) Collecting pydantic!=1.8,!=1.8.1,!=2.0.0,!=2.0.1,<3.0.0,>=1.7.4 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5a/87/b70ad306ebb6f9b585f114d0ac2137d792b48be34d732d60e597c2f8465a/pydantic-2.12.5-py3-none-any.whl (463 kB) Collecting pydub (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/a6/53/d78dc063216e62fc55f6b2eebb447f6a4b0a59f55c8406376f76bf959b08/pydub-0.25.1-py2.py3-none-any.whl (32 kB) Collecting python-multipart (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/45/58/38b5afbc1a800eeea951b9285d3912613f2603bdf897a4ab0f4bd7f405fc/python_multipart-0.0.20-py3-none-any.whl (24 kB) Requirement already satisfied: pyyaml<7.0,>=5.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (6.0.3) Collecting semantic-version~=2.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/6a/23/8146aad7d88f4fcb3a6218f41a60f6c2d4e3a72de72da1825dc7c8f7877c/semantic_version-2.10.0-py2.py3-none-any.whl (15 kB) Requirement already satisfied: typing-extensions~=4.0 in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio==3.41.2->-r requirements.txt (line 11)) (4.15.0) Collecting uvicorn>=0.14.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/ee/d9/d88e73ca598f4f6ff671fb5fde8a32925c2e08a637303a1d12883c7305fa/uvicorn-0.38.0-py3-none-any.whl (68 kB) Collecting websockets<12.0,>=10.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/98/a7/0ed69892981351e5acf88fac0ff4c801fabca2c3bdef9fca4c7d3fde8c53/websockets-11.0.3-cp310-cp310-win_amd64.whl (124 kB) Requirement already satisfied: filelock in d:\ac\envs\stable-diffusion\lib\site-packages (from transformers==4.30.2->-r requirements.txt (line 34)) (3.19.1) Collecting huggingface-hub>=0.14.0 (from gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/cb/bd/1a875e0d592d447cbc02805fd3fe0f497714d6a2583f59d14fa9ebad96eb/huggingface_hub-0.36.0-py3-none-any.whl (566 kB) Collecting regex!=2019.12.17 (from transformers==4.30.2->-r requirements.txt (line 34)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/34/9d/e9e8493a85f3b1ddc4a5014465f5c2b78c3ea1cbf238dcfde78956378041/regex-2025.11.3-cp310-cp310-win_amd64.whl (277 kB) Collecting tokenizers!=0.11.3,<0.14,>=0.11.1 (from transformers==4.30.2->-r requirements.txt (line 34)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/3d/e7/ea70a1a0cd9ad5b4786365edd4042c30037bc4e67ae09c53cd62c6c1b89f/tokenizers-0.13.3-cp310-cp310-win_amd64.whl (3.5 MB) Requirement already satisfied: tqdm>=4.27 in d:\ac\envs\stable-diffusion\lib\site-packages (from transformers==4.30.2->-r requirements.txt (line 34)) (4.67.1) Requirement already satisfied: fsspec in d:\ac\envs\stable-diffusion\lib\site-packages (from gradio-client==0.5.0->gradio==3.41.2->-r requirements.txt (line 11)) (2025.9.0) Requirement already satisfied: charset_normalizer<4,>=2 in d:\ac\envs\stable-diffusion\lib\site-packages (from requests->-r requirements.txt (line 24)) (3.4.4) Requirement already satisfied: idna<4,>=2.5 in d:\ac\envs\stable-diffusion\lib\site-packages (from requests->-r requirements.txt (line 24)) (3.11) Requirement already satisfied: urllib3<3,>=1.21.1 in d:\ac\envs\stable-diffusion\lib\site-packages (from requests->-r requirements.txt (line 24)) (2.5.0) Requirement already satisfied: certifi>=2017.4.17 in d:\ac\envs\stable-diffusion\lib\site-packages (from requests->-r requirements.txt (line 24)) (2025.11.12) Collecting jsonschema>=3.0 (from altair<6.0,>=4.2.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/bf/9c/8c95d856233c1f82500c2450b8c68576b4cf1c871db3afac5c34ff84e6fd/jsonschema-4.25.1-py3-none-any.whl (90 kB) Collecting narwhals>=1.14.2 (from altair<6.0,>=4.2.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/87/0d/1861d1599571974b15b025e12b142d8e6b42ad66c8a07a89cb0fc21f1e03/narwhals-2.13.0-py3-none-any.whl (426 kB) Collecting contourpy>=1.0.1 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/54/ec/5162b8582f2c994721018d0c9ece9dc6ff769d298a8ac6b6a652c307e7df/contourpy-1.3.2-cp310-cp310-win_amd64.whl (221 kB) Collecting cycler>=0.10 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/e7/05/c19819d5e3d95294a6f5947fb9b9629efb316b96de511b418c53d245aae6/cycler-0.12.1-py3-none-any.whl (8.3 kB) Collecting fonttools>=4.22.0 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/f9/0c/62961d5fe6f764d6cbc387ef2c001f5f610808c7aded837409836c0b3e7c/fonttools-4.61.0-cp310-cp310-win_amd64.whl (1.5 MB) Collecting kiwisolver>=1.3.1 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/a2/55/c2898d84ca440852e560ca9f2a0d28e6e931ac0849b896d77231929900e7/kiwisolver-1.4.9-cp310-cp310-win_amd64.whl (73 kB) Collecting pyparsing>=3 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/10/5e/1aa9a93198c6b64513c9d7752de7422c06402de6600a8767da1524f9570b/pyparsing-3.2.5-py3-none-any.whl (113 kB) Collecting python-dateutil>=2.7 (from matplotlib~=3.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/ec/57/56b9bcc3c9c6a792fcbaf139543cee77261f3651ca9da0c93f5c1221264b/python_dateutil-2.9.0.post0-py2.py3-none-any.whl (229 kB) Collecting pytz>=2020.1 (from pandas<3.0,>=1.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/81/c4/34e93fe5f5429d7570ec1fa436f1986fb1f00c3e0f43a589fe2bbcd22c3f/pytz-2025.2-py2.py3-none-any.whl (509 kB) Collecting tzdata>=2022.7 (from pandas<3.0,>=1.0->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/5c/23/c7abc0ca0a1526a0774eca151daeb8de62ec457e77262b66b359c3c7679e/tzdata-2025.2-py2.py3-none-any.whl (347 kB) Collecting annotated-types>=0.6.0 (from pydantic!=1.8,!=1.8.1,!=2.0.0,!=2.0.1,<3.0.0,>=1.7.4->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/78/b6/6307fbef88d9b5ee7421e68d78a9f162e0da4900bc5f5793f6d3d0e34fb8/annotated_types-0.7.0-py3-none-any.whl (13 kB) Collecting pydantic-core==2.41.5 (from pydantic!=1.8,!=1.8.1,!=2.0.0,!=2.0.1,<3.0.0,>=1.7.4->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/76/92/d338652464c6c367e5608e4488201702cd1cbb0f33f7b6a85a60fe5f3720/pydantic_core-2.41.5-cp310-cp310-win_amd64.whl (2.0 MB) Collecting typing-inspection>=0.4.2 (from pydantic!=1.8,!=1.8.1,!=2.0.0,!=2.0.1,<3.0.0,>=1.7.4->gradio==3.41.2->-r requirements.txt (line 11)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/dc/9b/47798a6c91d8bdb567fe2698fe81e0c6b7cb7ef4d13da4114b41d239f65d/typing_inspection-0.4.2-py3-none-any.whl (14 kB) Collecting gitdb<5,>=4.0.1 (from GitPython->-r requirements.txt (line 1)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/a0/61/5c78b91c3143ed5c14207f463aecfc8f9dbb5092fb2869baf37c273b2705/gitdb-4.0.12-py3-none-any.whl (62 kB) Collecting smmap<6,>=3.0.1 (from gitdb<5,>=4.0.1->GitPython->-r requirements.txt (line 1)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/04/be/d09147ad1ec7934636ad912901c5fd7667e1c858e19d355237db0d0cd5e4/smmap-5.0.2-py3-none-any.whl (24 kB) Requirement already satisfied: addict in d:\ac\envs\stable-diffusion\lib\site-packages (from basicsr->-r requirements.txt (line 5)) (2.4.0) Requirement already satisfied: future in d:\ac\envs\stable-diffusion\lib\site-packages (from basicsr->-r requirements.txt (line 5)) (1.0.0) Requirement already satisfied: lmdb in d:\ac\envs\stable-diffusion\lib\site-packages (from basicsr->-r requirements.txt (line 5)) (1.7.5) Requirement already satisfied: opencv-python in d:\ac\envs\stable-diffusion\lib\site-packages (from basicsr->-r requirements.txt (line 5)) (4.12.0.88) Requirement already satisfied: scipy in d:\ac\envs\stable-diffusion\lib\site-packages (from basicsr->-r requirements.txt (line 5)) (1.15.3) INFO: pip is looking at multiple versions of basicsr to determine which version is compatible with other requirements. This could take a while. Collecting basicsr (from -r requirements.txt (line 5)) Using cached https://mirrors.ustc.edu.cn/pypi/packages/c7/c9/9dda955cc560db80bd7433210a3a8e5fc4676fcd88e64527dc3271feb7d1/basicsr-1.4.1.tar.gz (171 kB) Installing build dependencies ... done Getting requirements to build wheel ... error error: subprocess-exited-with-error × Getting requirements to build wheel did not run successfully. │ exit code: 1 ╰─> [17 lines of output] Traceback (most recent call last): File "D:\ac\envs\stable-diffusion\lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 389, in <module> main() File "D:\ac\envs\stable-diffusion\lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 373, in main json_out["return_val"] = hook(**hook_input["kwargs"]) File "D:\ac\envs\stable-diffusion\lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 143, in get_requires_for_build_wheel return hook(config_settings) File "C:\Users\Administrator\AppData\Local\Temp\pip-build-env-39xco_a_\overlay\Lib\site-packages\setuptools\build_meta.py", line 331, in get_requires_for_build_wheel return self._get_build_requires(config_settings, requirements=[]) File "C:\Users\Administrator\AppData\Local\Temp\pip-build-env-39xco_a_\overlay\Lib\site-packages\setuptools\build_meta.py", line 301, in _get_build_requires self.run_setup() File "C:\Users\Administrator\AppData\Local\Temp\pip-build-env-39xco_a_\overlay\Lib\site-packages\setuptools\build_meta.py", line 512, in run_setup super().run_setup(setup_script=setup_script) File "C:\Users\Administrator\AppData\Local\Temp\pip-build-env-39xco_a_\overlay\Lib\site-packages\setuptools\build_meta.py", line 317, in run_setup exec(code, locals()) File "<string>", line 8, in <module> ModuleNotFoundError: No module named 'torch' [end of output] note: This error originates from a subprocess, and is likely not a problem with pip. ERROR: Failed to build 'basicsr' when getting requirements to build wheel
12-03
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值