創(chuàng)建一個空張量矩陣.
格式:
torch.empty(*size, *, out=None, dtype=None, layout=torch.strided, device=None, requires_grad=False, pin_memory=False, memory_format=torch.contiguous_format) → Tensor
參數(shù):
例子:
# 創(chuàng)建一個形狀為[2, 2]的矩陣 a = torch.empty(2, 2) print(a) # 創(chuàng)建一個形狀為[3, 3]的矩陣 b = torch.empty(3, 3) print(b)
輸出結(jié)果:
tensor([[0., 0.],
[0., 0.]])
tensor([[0., 0., 0.],
[0., 0., 0.],
[0., 0., 0.]])
創(chuàng)建一個全零矩陣.
格式:
torch.zeros(*size, *, out=None, dtype=None, layout=torch.strided, device=None, requires_grad=False) → Tensor
參數(shù):
例子:
# 創(chuàng)建一個形狀為[2, 2]的全零數(shù)組 a = torch.zeros([2, 2], dtype=torch.float32) print(a) # 創(chuàng)建一個形狀為[3, 3]的全零數(shù)組 b = torch.zeros([3, 3], dtype=torch.float32) print(b)
輸出結(jié)果:
tensor([[0., 0.],
[0., 0.]])
tensor([[0., 0., 0.],
[0., 0., 0.],
[0., 0., 0.]])
創(chuàng)建一個全一矩陣.
格式:
torch.ones(*size, *, out=None, dtype=None, layout=torch.strided, device=None, requires_grad=False) → Tensor
參數(shù):
例子:
# 創(chuàng)建一個形狀為[2, 2]的全一數(shù)組 a = torch.ones([2, 2], dtype=torch.float32) print(a) # 創(chuàng)建一個形狀為[3, 3]的全一數(shù)組 b = torch.ones([3, 3], dtype=torch.float32) print(b)
輸出結(jié)果:
tensor([[1., 1.],
[1., 1.]])
tensor([[1., 1., 1.],
[1., 1., 1.],
[1., 1., 1.]])
通過數(shù)據(jù)創(chuàng)建張量.
格式:
torch.tensor(data, *, dtype=None, device=None, requires_grad=False, pin_memory=False) → Tensor
參數(shù):
例子:
# 通過數(shù)據(jù)創(chuàng)建張量 array = np.arange(1, 10).reshape(3, 3) print(array) print(type(array)) tensor = torch.tensor(array) print(tensor) print(type(tensor))
輸出結(jié)果:
[[1 2 3]
[4 5 6]
[7 8 9]]
class 'numpy.ndarray'>
tensor([[1, 2, 3],
[4, 5, 6],
[7, 8, 9]], dtype=torch.int32)
class 'torch.Tensor'>
創(chuàng)建一個 0~1 隨機(jī)數(shù)的張量矩陣.
格式:
torch.rand(*size, *, out=None, dtype=None, layout=torch.strided, device=None, requires_grad=False) → Tensor
參數(shù):
例子:
# 創(chuàng)建形狀為[2, 2]的隨機(jī)數(shù)矩陣 rand = torch.rand(2, 2) print(rand)
輸出結(jié)果:
tensor([[0.6209, 0.3424],
[0.3506, 0.7986]])
返回相加的張量.
格式:
torch.add(input, other, *, out=None) → Tensor
例子:
# 張量相加 input1 = torch.tensor([[1, 2], [3, 4]]) print(input1) input2 = torch.tensor([[4, 3], [2, 1]]) print(input2) output = torch.add(input1, input2) print(output)
輸出結(jié)果:
tensor([[1, 2],
[3, 4]])
tensor([[4, 3],
[2, 1]])
tensor([[5, 5],
[5, 5]])
注: 相加的張量形狀必須一致, 否則會報錯.
返回相減的張量.
例子:
# 張量相減 input1 = torch.tensor([[1, 2], [3, 4]]) print(input1) input2 = torch.tensor([[4, 3], [2, 1]]) print(input2) output = torch.sub(input1, input2) print(output)
輸出結(jié)果:
tensor([[1, 2],
[3, 4]])
tensor([[4, 3],
[2, 1]])
tensor([[-3, -1],
[ 1, 3]])
例子:
# 張量矩陣相乘 input1 = torch.tensor([[1, 1, 1]]) print(input1) input2 = torch.tensor([[3], [3], [3]]) print(input2) output = torch.matmul(input1, input2) print(output)
輸出結(jié)果:
tensor([[1, 1, 1]])
tensor([[3],
[3],
[3]])
tensor([[9]])
索引 (index) 可以幫助我們快速的找到張量中的特定信息.
例子:
# 簡單的索引操作 ones = torch.ones([3, 3]) print(ones[: 2]) print(ones[:, : 2])
調(diào)試輸出:
tensor([[1., 1., 1.],
[1., 1., 1.]])
tensor([[1., 1.],
[1., 1.],
[1., 1.]])
到此這篇關(guān)于PyTorch一小時掌握之基本操作篇的文章就介紹到這了,更多相關(guān)PyTorch基本操作內(nèi)容請搜索腳本之家以前的文章或繼續(xù)瀏覽下面的相關(guān)文章希望大家以后多多支持腳本之家!
標(biāo)簽:蕪湖 安康 呂梁 蘭州 吉安 懷化 紹興 廣西
巨人網(wǎng)絡(luò)通訊聲明:本文標(biāo)題《PyTorch一小時掌握之基本操作篇》,本文關(guān)鍵詞 PyTorch,一小時,掌握,之,基本操作,;如發(fā)現(xiàn)本文內(nèi)容存在版權(quán)問題,煩請?zhí)峁┫嚓P(guān)信息告之我們,我們將及時溝通與處理。本站內(nèi)容系統(tǒng)采集于網(wǎng)絡(luò),涉及言論、版權(quán)與本站無關(guān)。