-
Notifications
You must be signed in to change notification settings - Fork 9
Commit
This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.
Merge pull request #110 from mykana/kana
两个最佳实践文档的修改
- Loading branch information
Showing
30 changed files
with
268 additions
and
224 deletions.
There are no files selected for viewing
302 changes: 227 additions & 75 deletions
302
i18n/zh-Hans/docusaurus-plugin-content-docs/current/BestPractices/pytorch.md
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -1,81 +1,233 @@ | ||
--- | ||
sidebar_position: 1 | ||
title: 进行Pytorch 模型训练 | ||
sidebar_label: 进行Pytorch 模型训练 | ||
title: 进行Pytorch 模型训练,使用TensorFlow记录训练结果 | ||
sidebar_label: 进行Pytorch 模型训练,使用TensorFlow记录训练结果 | ||
--- | ||
这是一个demo,说明如何利用pytorch搭建网络模型并训练、测试。 | ||
# 一、用到的数据集和文件说明 | ||
要用到的数据集和python文件放在demo目录下:https://github.com/matrix-dc/mlops-images/tree/main/pytorch/demo 。 | ||
demo目录说明: | ||
|
||
## 这个demo做了什么? | ||
实现了一个简单的神经网络来处理 MNIST 数据集。 | ||
|
||
具体为: | ||
1.从网络下载大量的手写数字图像,是一个标准的机器学习训练数据集。计算模型在测试数据集上的准确率。它通过比较网络输出和真实标签来确定正确预测的数量。 | ||
2.最后 使用 TensorBoard 记录训练损失和测试准确率,可视化训练过程。 | ||
|
||
## 如何初步理解神经网络? | ||
●神经网络可以看作是一种复杂的决策树,每个决策点(神经元)根据特定的规则(权重和激活函数)来决定数据的流向,最终达到决策的终点(输出结果)。 | ||
●神经网络的训练过程可以比喻为学习骑自行车。一开始,骑车者(神经网络)可能会摇摇晃晃,但随着练习(训练迭代),他们会逐渐学会如何保持平衡(找到正确的权重设置),最终能够熟练地骑行(准确预测)。 | ||
|
||
<pre> | ||
demo | ||
├── data # 存放cifar10数据集,已下载并解压好。模型训练时用到此数据集。数据集下载地址:https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz | ||
│ └── cifar-10-batches-py | ||
├── imgs # 放置要推理的照片(飞机和小狗),模型测试要用到此照片。说明:在cifar10数据集中,飞机类别序号是0,小狗类型序号是5。 | ||
│ ├── airplane.png | ||
│ └── dog.png | ||
├── model.py # 网络模型model.py | ||
├── test.py # 模型测试test.py | ||
└── train.py # 模型训练及验证train.py | ||
demo1 | ||
├── 一、选取自己需要的算力实例 | ||
│ | ||
├── 二、在Neolink.AI平台进行模型训练 | ||
│ | ||
├── 三、运行结果解析和源代码 | ||
</pre> | ||
|
||
将data、imgs、model.py、test.py、train.py下载到本地,后续要上传到pytorch环境中使用。 | ||
|
||
# 二、前提 | ||
已注册并登录neolink.ai算力平台。 | ||
平台地址: | ||
https://ai.neolink.com/ | ||
data:image/s3,"s3://crabby-images/e66e6/e66e6457d7b28a13c0227a86870b9dd7fc2938e0" alt="alt text" | ||
|
||
# 三、创建pytorch算力实例 | ||
在算力实例页面,创建实例,选择GPU算力规格,定义数据盘挂载路径/root/data,镜像选择pytorch。 | ||
创建成功后,在算力实例页面可以看到该实例。 | ||
data:image/s3,"s3://crabby-images/b0df5/b0df506b6d461375288441c3c47648d90e3ac34a" alt="alt text" | ||
data:image/s3,"s3://crabby-images/f3171/f3171f944b3462117d5516c3287258dc514dde68" alt="alt text" | ||
|
||
# 四、demo数据上传到实例 | ||
将data、imgs、model.py、test.py、train.py上传到/root/data/demo目录下。 | ||
|
||
总共有3种方式将demo数据上传到实例: | ||
方法一、存储管理文件上传。 | ||
方法二、jupyterlab窗口上传文件。 | ||
方法三、SSH工具上传文件。 | ||
## 4.1 方法一、存储管理文件上传 | ||
### 4.1.1 获取数盘信息 | ||
在实例列表,点击实例名称进入实例详情,在实例详情-存储页面,获取数据盘信息。 | ||
data:image/s3,"s3://crabby-images/dfbbe/dfbbeaf0139cfc7eace260e62b90509b2b4300b5" alt="alt text" | ||
### 4.1.2 数据盘上传文件 | ||
在存储管理页面,找到对应数据盘,点击上传文件,将demo数上传 | ||
data:image/s3,"s3://crabby-images/b872c/b872c3a23a05364daf87ed3551bf08cd786a9276" alt="alt text" | ||
|
||
## 4.2 方法二、jupyterlab窗口上传文件 | ||
|
||
在实例列表中,点击内置工具jupyterlab,将打开jupyterlab。在jupyterlab左侧创建文件夹,并上传文件 | ||
data:image/s3,"s3://crabby-images/d2a5f/d2a5fc0db27548425e18a62b146600d9f19d3c18" alt="alt text" | ||
|
||
## 4.3 方法三、SSH工具上传文件 | ||
在实例列表操作栏,点击SSH连接,获取SSH登录信息。 | ||
data:image/s3,"s3://crabby-images/57eed/57eed2e152bc24b6d793f672ef9254adf181f02c" alt="alt text" | ||
在本地SSH工具,进行SSH连接,连接后,上传文件 | ||
data:image/s3,"s3://crabby-images/75c8f/75c8f571f0ed325ada519303348bdc624f944048" alt="alt text" | ||
data:image/s3,"s3://crabby-images/504c6/504c6544d4605608a097704770b3a052ec31b537" alt="alt text" | ||
# 五、demo使用:搭建网络模型并训练、测试 | ||
登录终端,登录终端方式可以是jupyterlab的终端,也可以是SSH终端。 | ||
进入demo数据所在目录。这里演示在jupyterlab终端操作。 | ||
data:image/s3,"s3://crabby-images/2a4c5/2a4c5ceecbd1153d975d31b7676efbbc9dfd35e5" alt="alt text" | ||
## 5.1 创建网络模型 | ||
python model.py | ||
data:image/s3,"s3://crabby-images/ddcf2/ddcf200743daa4cf3ac5cccef877b8a1ce2016f1" alt="alt text" | ||
## 5.2 模型训练集验证 | ||
### 5.2.1 模型训练 | ||
python train.py | ||
data:image/s3,"s3://crabby-images/4ed6a/4ed6a6b6a36dbf82f8c4e8501758054798a1065d" alt="alt text" | ||
train.py指定总共训练10次,在当前目录下会生产对应的模型训练文件 | ||
data:image/s3,"s3://crabby-images/01690/016902f1d8288d77fd3135d4efdd059c64a0347c" alt="alt text" | ||
### 5.2.2 查看tensorboard得到的scalar图 | ||
查看方法:在实例列表,点击内置工具tensorboard,切换到scalars,查看可视化图 | ||
data:image/s3,"s3://crabby-images/966b7/966b7f0c9008318f48657cbbce9742bce58e95cc" alt="alt text" | ||
data:image/s3,"s3://crabby-images/d26d5/d26d56bf6ce1bec0ebee26191d31c011e89ed081" alt="alt text" | ||
## 5.3 模型推理测试 | ||
python test.py | ||
data:image/s3,"s3://crabby-images/14fb7/14fb71d2277ef7654a15f9d5056aca048d130291" alt="alt text" | ||
|
||
# 一、选取自己需要的算力实例 | ||
https://neolink-ai.com/ | ||
data:image/s3,"s3://crabby-images/92084/920844b14b5f4a45cad8d83a93d6a6ce28eb4312" alt="Alt text" | ||
*注意: 在选取H100的时候需要选取后缀为100的镜像* | ||
|
||
data:image/s3,"s3://crabby-images/f078f/f078f764dfb3ef8303bb7fca6aec3708958e152f" alt="Alt text" | ||
|
||
# 二、在Neolink.AI平台进行模型训练 | ||
|
||
## 实例代码 | ||
在这里我提供一份可以简单运行的代码。 | ||
需要在本地拷贝一份,方便后续传入实例服务器中,也可以通过git的方法直接下载。 | ||
``` | ||
git地址: https://github.com/mykana/NeoLink-Demo.git | ||
如果不想git拉取,源代码在本文最后 | ||
``` | ||
|
||
|
||
## (1)上传数据的方式 | ||
#### 方式一:通过存储管理页,选择实例挂载的存储进行上传,存储默认挂载目录为/root/data | ||
data:image/s3,"s3://crabby-images/a75d5/a75d5087b9448d2bb5994fd4bf2a339ae1b8ec16" alt="Alt text" | ||
|
||
#### 方式二:通过Jupyterlab页进行上传。点击内置工具Jupyterlab链接进入控制台页,工作目录为/root,点击左侧目录data文件夹,进入该文件夹后 | ||
data:image/s3,"s3://crabby-images/68705/68705f961a1865b48f86ace7cbf683040572d2d1" alt="Alt text" | ||
可以直接将文件拖入控制台中的文件夹,就可以上传文件 | ||
data:image/s3,"s3://crabby-images/a1429/a14291693880cad718cf72973da38595c33ff444" alt="Alt text" | ||
也可以选择上传按钮上传文件 | ||
data:image/s3,"s3://crabby-images/668bf/668bf9895aa4ecf9621b0075e7864d8363a68772" alt="Alt text" | ||
#### 方式三:通过ssh登入容器 | ||
data:image/s3,"s3://crabby-images/eb06b/eb06bf02c01467b9987cc06a96038cf94973f627" alt="Alt text" | ||
|
||
## (2)在这里我选用第二种,通过Jupyterlab页进行上传文件 | ||
直接将文件拖拽过去,或者mac电脑可以选择点击上传按钮上传data:image/s3,"s3://crabby-images/e8923/e892389a3da3a30132bf66c6a0a886fa38a66efd" alt="Alt text" | ||
data:image/s3,"s3://crabby-images/f5889/f588965424ba1c322d8643653121124eda308a5b" alt="Alt text" | ||
|
||
上传完成后打开一个终端页面,用于下载依赖库和运行代码 | ||
data:image/s3,"s3://crabby-images/cf2f7/cf2f79a0e9ec3be2f59162157e06e492d15730e4" alt="Alt text" | ||
|
||
|
||
## (3)下载库依赖库 | ||
``` | ||
pip install numpy torch torchvision matplotlib | ||
``` | ||
data:image/s3,"s3://crabby-images/c2ebc/c2ebc71831cf6496dcaa911c5efc383225eca568" alt="Alt text" | ||
``` | ||
pip install tensorflow | ||
``` | ||
data:image/s3,"s3://crabby-images/9171c/9171c2631eacbe71de27b4e9fae1fa7de7cbca5a" alt="Alt text" | ||
|
||
## (4)运行代码 | ||
#### 1.通过命令行找到py文件 | ||
> ll | ||
> cd data | ||
data:image/s3,"s3://crabby-images/70177/70177a014d1d6989a11afe3ad759007d88de2813" alt="Alt text" | ||
|
||
#### 2.通过webUI点击文件夹找到py文件 | ||
data:image/s3,"s3://crabby-images/ba0b3/ba0b39e8cdb4e6a6626e3cdf4992280204921cc4" alt="Alt text" | ||
> python example.py | ||
*通过python 文件名 可以直接运行py文件,对于这个demo来说,前提是依赖库已经安装完毕,就可以顺利运行* | ||
|
||
data:image/s3,"s3://crabby-images/13fa6/13fa6b8f837199fa82beea1c5232ef2a124c7f91" alt="Alt text" | ||
简易demo在本地window(CPU: AMD Ryzen 7 4800U)运行和实例H20(96G)运行时间对比 | ||
|
||
data:image/s3,"s3://crabby-images/18be1/18be169015ff3a99990313d6931a1c487777ebd2" alt="Alt text" | ||
data:image/s3,"s3://crabby-images/82967/82967b0bbca5a2ec16fef1762d3b9b36cffd103a" alt="Alt text" | ||
|
||
--- | ||
|
||
## 三、运行结果解析和源代码 | ||
云端通过Tensorboard查看模型线性结果 | ||
|
||
data:image/s3,"s3://crabby-images/1648e/1648ed7ecd603a4d3c470fc424a1532df913205c" alt="Alt text" | ||
data:image/s3,"s3://crabby-images/400be/400be67a7cf859f4619ce8c11d0f40390de495a6" alt="Alt text" | ||
|
||
### Tensorboard结果查看 | ||
data:image/s3,"s3://crabby-images/8e109/8e1097fd91bd985b25aa54890f25c0ef3d23c72f" alt="Alt text" | ||
●Accuracy: 这是准确率的总标题。 | ||
●Accuracy/train: 这表示正在查看训练过程中模型准确率的变化。 | ||
●0.958, 0.956, 0.954, 0.952, 0.95: 这些数字代表不同训练步骤(Step)下模型的准确率,它们随着训练的进行逐渐变化。 | ||
●Run↑: 这可能表示当前运行的实验或训练周期。 | ||
●0.1, 0.2, 0.3, 0.4, 0.5, 0.6, 0.7, 0.8: 这些是训练周期或时间步长。 | ||
●0.9642: 这是在某个时间步长下模型达到的最高准确率。 | ||
●11.58 sec: 这表示加载或处理这个准确率图表所花费的时间。 | ||
●Relative: 这表示准确率相对于某个基准的变化。 | ||
data:image/s3,"s3://crabby-images/399df/399df8e193037c9bd5def65caed6f5080db1e681" alt="Alt text" | ||
|
||
### 本地windows电脑运行代码的预测图片数字结果 | ||
|
||
由于pycham自带的训练可视化工具,可以直观看到训练结果和状态 | ||
|
||
data:image/s3,"s3://crabby-images/e60a2/e60a2844cb775dbf5b4f0d30add3481f78b23987" alt="Alt text" | ||
|
||
|
||
### demo源代码 | ||
```pyhton | ||
import time | ||
import torch | ||
import torch.nn as nn | ||
import torch.nn.functional as F | ||
import torch.optim as optim | ||
from torchvision import datasets, transforms | ||
from torch.utils.data import DataLoader | ||
import matplotlib.pyplot as plt | ||
from torch.utils.tensorboard import SummaryWriter | ||
import tensorflow as tf | ||
# 定义网络结构 | ||
class Net(nn.Module): | ||
def __init__(self): | ||
super(Net, self).__init__() | ||
self.fc1 = nn.Linear(28 * 28, 64) | ||
self.fc2 = nn.Linear(64, 64) | ||
self.fc3 = nn.Linear(64, 64) | ||
self.fc4 = nn.Linear(64, 10) | ||
def forward(self, x): | ||
x = F.relu(self.fc1(x)) | ||
x = F.relu(self.fc2(x)) | ||
x = F.relu(self.fc3(x)) | ||
x = F.log_softmax(self.fc4(x), dim=1) | ||
return x | ||
# get_data_loader 函数使用 torchvision 库加载 MNIST 数据集,并将其封装成一个 DataLoader 对象,用于在训练过程中批量提供数据。 | ||
def get_data_loader(is_train): | ||
to_tensor = transforms.Compose([transforms.ToTensor()]) | ||
data_set = datasets.MNIST("", is_train, transform=to_tensor, download=True) | ||
return DataLoader(data_set, batch_size=15, shuffle=True) | ||
# 评估模型 | ||
def evaluate(test_data, net): | ||
n_correct = 0 | ||
n_total = 0 | ||
with torch.no_grad(): | ||
for x, y in test_data: | ||
x = x.view(-1, 28 * 28).to(device) | ||
y = y.to(device) | ||
outputs = net(x) | ||
for i, output in enumerate(outputs): | ||
if torch.argmax(output) == y[i]: | ||
n_correct += 1 | ||
n_total += y.size(0) | ||
return n_correct / n_total | ||
# 主函数 | ||
def main(): | ||
# 开始时间 | ||
start_time = time.time() | ||
train_data = get_data_loader(is_train=True) | ||
test_data = get_data_loader(is_train=False) | ||
net = Net().to(device) # 将模型移动到GPU | ||
optimizer = optim.Adam(net.parameters(), lr=0.001) | ||
# 记录初始精度 | ||
initial_accuracy = evaluate(test_data, net) | ||
print("初始精度 initial accuracy:", initial_accuracy) | ||
# Neolink.AI平台Tensorflow镜像镜像默认指定的tensorboard-logs地址 | ||
logdir = "/root/tensorboard-logs" | ||
writer = tf.summary.create_file_writer(logdir) | ||
for epoch in range(2): | ||
for x, y in train_data: | ||
x = x.view(-1, 28 * 28).to(device) | ||
y = y.to(device) | ||
net.zero_grad() | ||
output = net(x) | ||
loss = F.nll_loss(output, y) | ||
loss.backward() | ||
optimizer.step() | ||
# 记录训练损失 | ||
loss_value = loss.item() | ||
with writer.as_default(): | ||
tf.summary.scalar('Loss/train', loss_value, step=epoch) | ||
accuracy = evaluate(test_data, net) | ||
print("时代 epoch", epoch, "精度 accuracy:", accuracy) | ||
# 记录测试准确率 | ||
with writer.as_default(): | ||
tf.summary.scalar('Accuracy/train', accuracy, step=epoch) | ||
# 显示预测结果 | ||
for n, (x, _) in enumerate(test_data): | ||
if n > 3: | ||
break | ||
predict = torch.argmax(net(x[0].view(-1, 28 * 28).to(device))) | ||
plt.figure(n) | ||
plt.imshow(x[0].view(28, 28).cpu().numpy()) # 将数据移回CPU | ||
plt.title("预测 prediction: " + str(int(predict))) | ||
plt.show() | ||
# 结束时间 | ||
end_time = time.time() | ||
# 计算运行时间 | ||
elapsed_time = end_time - start_time | ||
print(f"函数运行时间: {elapsed_time} 秒") | ||
# 关闭SummaryWriter | ||
writer.close() | ||
if __name__ == "__main__": | ||
device = torch.device("cuda" if torch.cuda.is_available() else "cpu") | ||
main() | ||
``` |
Oops, something went wrong.