无法在 Ubuntu 22.04(WSL2)上激活 Nvidia GPU

无法在 Ubuntu 22.04(WSL2)上激活 Nvidia GPU

问题定义

我一直在尝试在 pytorch 中将我的移动 Quadro T1000 与 cuda 结合使用,但无论我做什么,pytorch 都会使用 CPU。我安装了 pytorch、GPU 驱动程序和 CUDA 工具包。

如果我运行命令我什么也得不到

lspci | grep -i nvidia

Pytorch 信息:
t​​orch.__version__:1.13.0+cu117
torch.version.cuda:11.7
torch.cuda.current_device():0
torch.cuda.is_available():True

Windows 10 专业版 21H2

额外信息:

  1. lspci

    3a66:00:00.0 3D 控制器:Microsoft Corporation 基本渲染驱动程序
    4498:00:00.0 3D 控制器:Microsoft Corporation 基本渲染驱动程序

  2. nvcc -V

    nvcc:NVIDIA (R) Cuda 编译器驱动程序
    版权所有 (c) 2005-2022 NVIDIA Corporation
    于 2022 年 9 月 21 日星期三 10:33:58_PDT_2022 构建
    Cuda 编译工具,版本 11.8,V11.8.89
    构建 cuda_11.8.r11.8/compiler.31833905_0

  3. nvidia-smi

https://i.stack.imgur.com/4p5UE.png

  1. dpkg -l | grep linux-modules-nvidia- 没有什么
  2. dpkg -l | grep nvidia-driver- 没有什么
  3. uname -a
    Linux CPR-5CD111 5.10.16.3-microsoft-standard-WSL2 #1 SMP 2021 年 4 月 2 日星期五 22:23:49 UTC x86_64 x86_64 x86_64 GNU/Linux
  4. inxi -G

图形:
设备 1:Microsoft Basic Render Driver 驱动程序:dxgkrnl v:N/A
设备 2:Microsoft Basic Render Driver 驱动程序:dxgkrnl v:N/A
显示:服务器:未找到显示服务器数据。无头机器?tty:145x14
消息:控制台中没有 GL 数据。尝试 -G --display

  1. grep 10de /lib/udev/rules.d/*- 没有什么

  2. dmesg | grep nvidia- 没有什么

  3. dmesg | grep NV- 没有什么

    def train(res_model, criterion, optimizer, train_dataloader, test_dataloader, NUM_EPOCH=15):
      for epoch in tqdm(range(NUM_EPOCH)):
        model.train()
        train_loss = 0.
        train_size = 0
    
        train_pred = 0.
    
        for imgs, labels in train_dataloader:
            optimizer.zero_grad()
    
            imgs = imgs.cuda()
            labels = labels.cuda()
    
            y_pred = model(imgs)
    
            loss = criterion(y_pred, labels)
            loss.backward()
    
            train_loss += loss.item()
            train_size += y_pred.size(0)
            train_loss_log.append(loss.data / y_pred.size(0))
    
            train_pred += (y_pred.argmax(1) == labels).sum()
    
            optimizer.step()
    

相关内容