import torch
print(torch.Tensor([1,2])) # ได้ tensor([1., 2.])print(torch.Tensor([1]).dtype) # ได้ torch.float32
print(torch.FloatTensor([1]).dtype) # ได้ torch.float32
print(torch.DoubleTensor([1]).dtype) # ได้ torch.float64
print(torch.IntTensor([1]).dtype) # ได้ torch.int32
print(torch.LongTensor([1]).dtype) # ได้ torch.int64
print(torch.ByteTensor([1]).dtype) # ได้ torch.uint8
print(torch.BoolTensor([1]).dtype) # ได้ torch.bool| ชนิดข้อมูล | dtype | ชื่อเทนเซอร์ | 
|---|---|---|
| 32-bit float | torch.float32 หรือ torch.float | torch.FloatTensor | 
| 64-bit float | torch.float64 หรือ torch.double | torch.DoubleTensor | 
| 16-bit float | torch.float16 หรือ torch.half | torch.HalfTensor | 
| 8-bit int (unsigned) | torch.uint8 | torch.ByteTensor | 
| 8-bit int (signed) | torch.int8 | torch.CharTensor | 
| 16-bit int (signed) | torch.int16 หรือ torch.short | torch.ShortTensor | 
| 32-bit int (signed) | torch.int32 หรือ torch.int | torch.IntTensor | 
| 64-bit int (signed) | torch.int64 หรือ torch.long | torch.LongTensor | 
| Boolean | torch.bool | torch.BoolTensor | 
print(torch.LongTensor([1]).type(torch.float64)) # ได้ tensor([1.], dtype=torch.float64)
print(torch.IntTensor([1]).type()) # ได้ 'torch.IntTensor't = torch.tensor([1.1])
print(t.int()) # ได้ tensor([1], dtype=torch.int32)
print(t.long()) # ได้ tensor([1])
print(t.double()) # ได้ tensor([1.1000], dtype=torch.float64)print(torch.ones(4)) # ได้ tensor([1., 1., 1., 1.])
print(torch.zeros([1,3])) # ได้ tensor([[0., 0., 0.]])
t = torch.Tensor([1,1])
print(torch.zeros_like(t)) # ได้ tensor([0., 0.])
print(torch.ones_like(t)) # ได้ tensor([1., 1.])print(torch.Tensor(5)) # ได้ tensor([8.4490e-39, 1.0010e-38, 9.6429e-39, 8.4490e-39, 9.5510e-39])print(torch.Tensor(4).fill_(7)) # ได้ tensor([7., 7., 7., 7.])print(torch.full([1,4],6)) # ได้ tensor([[6., 6., 6., 6.]])print(torch.arange(1,8,2)) # ได้ tensor([1, 3, 5, 7])
print(torch.linspace(0,1,5)) # ได้ tensor([0.0000, 0.2500, 0.5000, 0.7500, 1.0000])
print(torch.logspace(0,1,5)) # ได้ tensor([ 1.0000,  1.7783,  3.1623,  5.6234, 10.0000])print(torch.rand(4)) # ได้ tensor([[0.6853, 0.4649, 0.4405, 0.5287]])
print(torch.randn(1,5)) # ได้ tensor([[-2.2284, -0.1523, -0.4851, -1.9513,  1.0127]])
print(torch.randint(1,4,[9])) # ได้ tensor([1., 2., 3., 2., 2., 3., 3., 2., 3.])
print(torch.randperm(9)) # ได้ tensor([8, 7, 2, 0, 1, 3, 6, 5, 4])for i in range(2):
    for s in range(2):
        torch.manual_seed(s)
        print(torch.randn(3+i))tensor([ 1.5410, -0.2934, -2.1788])
tensor([0.6614, 0.2669, 0.0617])
tensor([ 1.5410, -0.2934, -2.1788,  0.5684])
tensor([0.6614, 0.2669, 0.0617, 0.6213])a = np.array([1.])
t = torch.from_numpy(a)
print(t) # ได้ tensor([1.], dtype=torch.float64)
print(a) # ได้ [ 1.]
t += 1
print(t) # ได้ tensor([2.], dtype=torch.float64)
print(a) # ได้ [ 2.]t = torch.Tensor([2])
b = t.numpy()
print(b) # ได้ [ 2.]
b += 1
print(b) # ได้ [ 3.]
print(t) # ได้ tensor([3.], dtype=torch.float64)t = torch.Tensor([1,3])
a = np.array(t.data)
a *= 2
print(a) # ได้ [ 2.  6.]
print(w) # ได้ tensor([1., 3.])print(torch.LongTensor([1,2])+1) # ได้ tensor([2, 3])
print(torch.Tensor([3,5])*torch.Tensor([4,2])) # ได้ tensor([12., 10.])
print(torch.Tensor([2,2])-np.array([1,2])) # tensor([1., 0.], dtype=torch.float64)
print(torch.LongTensor([1,5])*torch.IntTensor([4,7])) # tensor([ 4, 35])print(torch.Tensor([1,2,3])>=2) # tensor([False,  True,  True])t1 = torch.Tensor([1,2])
t2 = torch.Tensor([[1,2],[3,4]])
print(torch.matmul(t1,t2)) # ได้ tensor([ 7., 10.])
# หรือ t1.matmul(t2)
print(torch.matmul(t2,t1)) # ได้ tensor([ 5., 11.])t = torch.Tensor([2,3,5])
print(t.mean()) # ได้ tensor(3.3333)
# หรือ torch.mean(t)
print(t.sum()) # ได้ tensor(10.)
print(t.cumsum(0)) # ได้ tensor([ 2.,  5., 10.])
print(t.std()) # ได้ tensor(1.5275)
print(t.var()) # ได้ tensor(2.3333)
print(t.max()) # ได้ tensor(5.)
print(t.argmax()) # ได้ tensor(2)
print(t.prod()) # ได้ tensor(30.)print(torch.Tensor([1,7,3,2]).max(0))torch.return_types.max(
values=tensor(7.),
indices=tensor(1))print(torch.Tensor([[6,2],
                    [1,8]]).min(1))torch.return_types.min(
values=tensor([2., 1.]),
indices=tensor([1, 0]))t = torch.Tensor([-3,4])
print(t.sqrt()) # ได้ tensor([   nan, 2.0000])
print(t.abs()) # ได้ tensor([3., 4.])
print(t.log()) # ได้ tensor([   nan, 1.3863])
print(t.log10()) # ได้ tensor([   nan, 0.6021])
print(t.exp()) # ได้ tensor([ 0.0498, 54.5982])
print(t.sin()) # ได้ tensor([-0.1411, -0.7568])
print(t.cos()) # ได้ tensor([-0.9900, -0.6536])
print(t.tan()) # ได้ tensor([0.1425, 1.1578])
print(t.atan()) # ได้ tensor([-1.2490,  1.3258])
print(t.tanh()) # ได้ tensor([-0.9951,  0.9993])torch.LongTensor([2,5]).mean() # RuntimeError
torch.IntTensor([2,5]).std() # RuntimeErrort = torch.Tensor([4,9])
t.sqrt_()
print(t) # ได้ tensor([2., 3.])t = torch.Tensor([[-1,-2,3],[2,1,-4]])
print(t.shape) # ได้ torch.Size([2, 3])
print(t.size()) # ได้ torch.Size([2, 3])print(t.view(1,6)) # ได้ tensor([[-1., -2.,  3.,  2.,  1., -4.]])
print(t.reshape(1,6)) # ได้ tensor([[-1., -2.,  3.,  2.,  1., -4.]])print(t.flatten()) # ได้ tensor([-1., -2.,  3.,  2.,  1., -4.])
print(t.view(-1)) # ได้ tensor([-1., -2.,  3.,  2.,  1., -4.])t = torch.zeros([2,1,4])
print(t.squeeze().shape) # ได้ torch.Size([2, 4])t = torch.zeros([2,3,4])
print(t.transpose(1,2).shape) # ได้ torch.Size([2, 4, 3])t = torch.zeros(3)
print(t[:,None].shape) # ได้ torch.Size([3, 1])
t = torch.zeros([2,3,4])
print(t[None,None,None,:,None,None].shape) # ได้ torch.Size([1, 1, 1, 2, 1, 1, 3, 4])
print(t[...,None,None].shape) # ได้ torch.Size([2, 3, 4, 1, 1])t1 = torch.Tensor([1,2,3])
t2 = torch.Tensor([4,0,5])
print(torch.stack([t1,t2]))
print(torch.stack([t1,t2],1))
print(torch.cat([t1,t2]))tensor([[1., 2., 3.],
        [4., 0., 5.]])
tensor([[1., 4.],
        [2., 0.],
        [3., 5.]])
tensor([1., 2., 3., 4., 0., 5.])t1 = torch.Tensor([[1,2],
                   [7,3]])
t2 = torch.Tensor([[4,0],
                   [5,6]])
print(torch.stack([t1,t2]))
print(torch.stack([t1,t2],1))
print(torch.stack([t1,t2],2))
print(torch.cat([t1,t2]))
print(torch.cat([t1,t2],1))tensor([[[1., 2.],
         [7., 3.]],
        [[4., 0.],
         [5., 6.]]])
tensor([[[1., 2.],
         [4., 0.]],
        [[7., 3.],
         [5., 6.]]])
tensor([[[1., 4.],
         [2., 0.]],
        [[7., 5.],
         [3., 6.]]])
tensor([[1., 2.],
        [7., 3.],
        [4., 0.],
        [5., 6.]])
tensor([[1., 2., 4., 0.],
        [7., 3., 5., 6.]])import torch
import matplotlib.pyplot as plt
plt.imshow(torch.randn([20,20])+torch.linspace(0,5,400).view(20,20),cmap='coolwarm')
x,y,z = torch.rand([3,150])
plt.scatter(x*19,y*19,200,c=z,marker='*',cmap='rainbow',edgecolor='k')
plt.show()
ติดตามอัปเดตของบล็อกได้ที่แฟนเพจ