python

关注公众号 jb51net

关闭
首页 > 脚本专栏 > python > Pytorch随机值张量

Pytorch创建随机值张量的过程详解

作者:知识推荐号

这篇文章主要介绍了Pytorch创建随机值张量的过程详解,本文通过实例代码给大家介绍的非常详细,对大家的学习或工作具有一定的参考借鉴价值,需要的朋友可以参考下

2-Pytorch创建随机值张量

1 导入必备库

import torch
import numpy as np

2 使用torch.rand()创建0-1均匀分布的随机数

t = torch.rand(2,3)
print(t)

输出:

tensor([[0.1452, 0.1435, 0.2124],
        [0.6646, 0.5232, 0.1572]])

3 使用torch.randn()创建正态分布的随机数

t = torch.randn(2,3)
print(t)

输出:

tensor([[-0.5325, -0.4938,  0.6301],
        [-0.6313, -0.1412,  2.2926]])

4 使用torch.zeros()创建全0张量

t = torch.zeros(3)
print(t)
print(t.dtype)

输出:

tensor([0., 0., 0.])
torch.float32

5 使用torch.ones()创建全1张量

t = torch.ones(3)
print(t)
print(t.dtype)

输出:

tensor([1., 1., 1.])
torch.float32

6 从另一个张量创建新的张量

x = torch.zeros_like(t)
print(x)
x = torch.rand_like(t)
print(x)

输出:

tensor([0., 0., 0.])
tensor([0.6516, 0.5740, 0.6379])

7 张量的属性:

tensor.shape返回张量的形状,与tensor.size()方法等价,tensor.dtype返回当前张量的类型

t = torch.ones(2,3,dtype= torch.float64)
print(t.shape)
print(t.size())
print(t.size(1)) # 返回第二维度大小
print(t.dtype)
print(t.device)

输出:

torch.Size([2, 3])
torch.Size([2, 3])
3
torch.float64
cpu

8 将张量移动到显存,使用tensor.to()方法将张量移动到GPU上

# 如果GPU可用,将张量移动到显存
# 设置使用哪块芯片,多块GPU使用逗号隔开
# import os
# os.environ['CUDA_VISIBLE_DEVICES'] = '0'    # 多块GPU设置,如:'0,1,2'
if torch.cuda.is_available():
    t = t.to('cuda')
print(t.device)

输出:

cuda:0

9 更稳妥的移动显存方法,无论是否有GPU都能保证运行

device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')   # 启动cuda
print("Using {} device".format(device))  # 打印当前设备
t = t.to(device)
print(t.device)

输出:

Using cuda device
cuda:0

到此这篇关于Pytorch创建随机值张量的文章就介绍到这了,更多相关Pytorch随机值张量内容请搜索脚本之家以前的文章或继续浏览下面的相关文章希望大家以后多多支持脚本之家!

您可能感兴趣的文章:
阅读全文