当前位置: 首页 > article >正文

nvlink 训练笔记

目录

还没测试出效果


还没测试出效果

import torch
import torch.nn as nn
from torch.utils.data import DataLoader
from torchvision.datasets import CIFAR10
from torchvision.transforms import ToTensor

# 定义上述的大型全连接层模型
class LargeFullyConnectedModel(nn.Module):
    def __init__(self):
        super(LargeFullyConnectedModel, self).__init__()
        input_size = 10000
        hidden_size1 = 20000
        hidden_size2 = 15000
        hidden_size3 = 12000
        output_size = 5000

        self.fc1 = nn.Linear(input_size, hidden_size1)
        self.relu1 = nn.ReLU()
        self.fc2 = nn.Linear(hidden_size1, hidden_size2)
        self.relu2 = nn.ReLU()
        self.fc3 = nn.Linear(hidden_size2, hidden_size3)
        self.relu3 = nn.ReLU()
        self.fc4 = nn.Linear(hidden_size3, output_size)

    def forward(self, x):
        x = self.relu1(self.fc1(x))
        x = self.relu2(self.fc2(x))
        x = self.relu3(self.fc3(x))
        x = self.fc4(x)
        return x

# 初始化模型并准备多卡环境
devices = [0, 1]  # 指定要使用的显卡编号列表
model = LargeFullyConnectedModel()
if torch.cuda.device_count() > 1 and len(devices) > 1:
    print(f"使用 {len(devices)} 个 GPU 进行推理")
    model = nn.DataParallel(model, device_ids=devices)
else:
    print("仅使用单个 GPU 进行推理")
model.to(torch.device(f"cuda:{devices[0]}" if torch.cuda.is_available() else "cpu"))

# 模拟数据加载(这里只是示例,实际需根据你的数据进行调整)
batch_size = 32
input_size = 10000
data = torch.randn(batch_size, input_size).to(torch.device(f"cuda:{devices[0]}"))
targets = torch.randint(0, 5000, (batch_size,)).to(torch.device(f"cuda:{devices[0]}"))

# 定义推理函数
def inference():
    model.eval()
    with torch.no_grad():
        outputs = model(data)
        # 可以根据需要进行后续处理,如计算损失、准确率等
    return outputs

if __name__ == "__main__":
    inference()


http://www.kler.cn/a/386655.html

相关文章:

  • Android 单元测试环境配置问题 Execution failed for task ‘:mergeDebugJavaResource‘.
  • sqlsever 分布式存储查询
  • Flutter 小技巧之 OverlayPortal 实现自限性和可共享的页面图层
  • 在 CentOS 系统中,您可以使用多种工具来查看网络速度和流量
  • arcgis做buffer
  • Cyberchef配合Wireshark提取并解析HTTP/TLS流量数据包中的文件
  • CSS实现文字渐变效果
  • asp.net网站项目如何设置定时器,定时获取数据
  • Kubernetes的概述与架构
  • Spring Boot应用开发:从入门到精通
  • 【go从零单排】接口(interface)和多态(Polymorphism)
  • Day 51 || 647. 回文子串、516.最长回文子序列
  • 青少年编程与数学 02-003 Go语言网络编程 11课题、Go语言网络编程
  • qt QHttpMultiPart详解
  • 学习记录:js算法(八十八):分割回文串
  • 关于 el-table 的合计行问题
  • 接收nVisual中rabbitmq数据不成功问题排查
  • LeetCode30:串联所有单词的子串
  • ElasticSearch向量检索技术方案介绍
  • 设计模式之原型模式(上机考试多套试,每人题目和答案乱序排列场景)
  • YOLO11 旋转目标检测 | 数据标注 | 自定义数据集 | 模型训练 | 模型推理
  • 导师双选系统开发:Spring Boot技术详解
  • 在ubuntu2204上以 All-in-One 模式安装 KubeSphere
  • koa安装与使用
  • 【数据结构-合法括号字符串】力扣1963. 使字符串平衡的最小交换次数
  • shell中执行hive指令以及hive中执行shell和hdfs指令语法