pytorch学习笔记0,gpu测试与torch

本系列大部分代码来自莫烦python的教程,此处只作记录与一些个人补全。

测试gpu代码,网上找的。

import torch

import time


print(torch.__version__)        # 返回pytorch的版本

print(torch.cuda.is_available())        # 当CUDA可用时返回True,其实到这步基本已经确定了gpu是没问题的了。后面只是计算时间作对比而已。


a = torch.randn(10000, 1000)    # 返回10000行1000列的张量矩阵

b = torch.randn(1000, 2000)     # 返回1000行2000列的张量矩阵


t0 = time.time()        # 记录时间

c = torch.matmul(a, b)      # 矩阵乘法运算

t1 = time.time()        # 记录时间

print(a.device, t1 - t0, c.norm(2))     # c.norm(2)表示矩阵c的二范数


device = torch.device('cuda')       # 用GPU来运行

a = a.to(device)

b = b.to(device)


# 初次调用GPU,需要数据传送,因此比较慢

t0 = time.time()

c = torch.matmul(a, b)

t2 = time.time()

print(a.device, t2 - t0, c.norm(2))


# 这才是GPU处理数据的真实运行时间,当数据量越大,GPU的优势越明显

t0 = time.time()

c = torch.matmul(a, b)

t2 = time.time()

print(a.device, t2 - t0, c.norm(2))

矩阵简单操作,更多见API或这里那里

import torch
import numpy as np

np_data = np.arange(6).reshape((2, 3))
torch_data = torch.from_numpy(np_data)
tensor2array = torch_data.numpy()
print(
    '\nnumpy array:', np_data,          # [[0 1 2], [3 4 5]]
    '\ntorch tensor:', torch_data,      #  0  1  2 \n 3  4  5    [torch.LongTensor of size 2x3]
    '\ntensor to array:', tensor2array, # [[0 1 2], [3 4 5]]
)

# abs 绝对值计算
data = [-1, -2, 1, 2]
tensor = torch.FloatTensor(data)  # 转换成32位浮点 tensor
print(
    '\nabs',
    '\nnumpy: ', np.abs(data),          # [1 2 1 2]
    '\ntorch: ', torch.abs(tensor)      # [1 2 1 2]
)

# sin   三角函数 sin
print(
    '\nsin',
    '\nnumpy: ', np.sin(data),      # [-0.84147098 -0.90929743  0.84147098  0.90929743]
    '\ntorch: ', torch.sin(tensor)  # [-0.8415 -0.9093  0.8415  0.9093]
)

# mean  均值
print(
    '\nmean',
    '\nnumpy: ', np.mean(data),         # 0.0
    '\ntorch: ', torch.mean(tensor)     # 0.0
)

# matrix multiplication 矩阵乘法
data = [[1,2], [3,4]]
tensor = torch.FloatTensor(data)  # 转换成32位浮点 tensor
# correct method
print(
    '\nmatrix multiplication (matmul)',
    '\nnumpy: ', np.matmul(data, data),     # [[7, 10], [15, 22]]
    '\ntorch 矩阵乘: ', torch.mm(tensor, tensor),   # [[7, 10], [15, 22]]
    '\ntorch 点乘: ', torch.mul(tensor, tensor)   # [[1, 4], [9, 16]]
)

  • 2
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

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

抵扣说明:

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

余额充值