Python
data:image/s3,"s3://crabby-images/9c2f5/9c2f58dff47723d2763c4105cc40eb4d16ea6b03" alt="PyTorch Tensors PyTorch Tensors"
PyTorch Tensors
This blog post contains following topics related to tensors:
- Import
- Version
- Declarations
- item()
- Zero, identity and linspace
- Random generator
- Datatypes
- Operation with constant
- Element wise operations
- Matrix multiplication
- Matrix inversion
- Transpose of matrix
- Determinant of matrix
- Indexing and slicing
- Broadcasting
- Reshape
- Squeeze and unsqueeze
- Concatenate and stack
- Reorganize the data element
- numpy and pytorch tensor
- Operations on complex numbers
Import
#import the library
import torch
Version
torch.__version__
data:image/s3,"s3://crabby-images/71233/712333381c93c6d3a680799501844757811e4ca6" alt=""
Declaration of Tensors
#Basic 1-dimension Tensor
x = torch.Tensor([5])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
data:image/s3,"s3://crabby-images/589cf/589cf6745fabc4fbc225cb5a20e7ba3c0501b8e5" alt=""
#Basic 3-dimension Tensor with only one element
x = torch.Tensor([[[5]]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
data:image/s3,"s3://crabby-images/60136/601365a828d54f70a56da80a16815f3730189163" alt=""
#x is a 3-d tensor
#y is a 2-d tensor
#z is a 1-d tensor
x = torch.Tensor([[[5,2],[5,2]],
[[1,2],[2,3]]
])
y = torch.Tensor([[6,2],[8,9]])
z = torch.Tensor([5,8])
print(f'The dimension of x is {x.ndim} and size of x is {x.size()}\n')
print(f'The dimension of y is {y.ndim} and size of x is {y.size()}\n')
print(f'The dimension of z is {z.ndim} and size of z is {z.size()}\n')
data:image/s3,"s3://crabby-images/27d80/27d804b010c737bd3119052b52253dd2c9c0a0fe" alt=""
Item()
x = torch.Tensor([5])
print(x.item())
print(type(x.item()))
data:image/s3,"s3://crabby-images/1d068/1d068ad080d8d6b8a67b98e930fb3ac2f0269ced" alt=""
x = torch.Tensor([[5,5,5,5]])
print(x.item())
print(type(x.item()))
data:image/s3,"s3://crabby-images/682af/682af3f65355d37cb450ad4bde0743250fc34b63" alt=""
x = torch.Tensor([[5,5,5,5]])
print(x[0][0].item())
print(type(x[0][0].item()))
data:image/s3,"s3://crabby-images/a437a/a437a1eec627b71c8e5c803cec2d5e41867325f3" alt=""
Zero, identity and linspace
#Zero
v = torch.zeros(3,3)
print(v)
data:image/s3,"s3://crabby-images/759dc/759dc410f3adc18a615ebb5f83403f7f121589bb" alt=""
# Create an identity 2x2 tensor
I = torch.eye(2,2)
print(I)
data:image/s3,"s3://crabby-images/c7c12/c7c12d003ffa48c90c2c03b0d4d876d4bea24eee" alt=""
#ones
x =torch.ones(3,3)
print(x)
data:image/s3,"s3://crabby-images/ec337/ec3373c68de939dafe0f7ce3b36541b8587a83a1" alt=""
x = torch.ones_like(I)
print(x)
data:image/s3,"s3://crabby-images/fe752/fe752f7d4a96f966602be408ede7c5c94355220f" alt=""
x = torch.linspace(1,100,10)
print(x)
data:image/s3,"s3://crabby-images/4a3d7/4a3d77142418871e80f1e6fbab3c7b3058362c80" alt=""
#Initialize Tensor with a range of value
v = torch.arange(5)
print(v)
v = torch.arange(0, 5, step=1)
print(v)
v = torch.arange(0, 5, step=0.5)
print(v)
data:image/s3,"s3://crabby-images/06c23/06c2334f9b5f2f1a500547752bb59a40fb6d71dc" alt=""
#log scale Tensor
# Size 5: 1.0e-10 1.0e-05 1.0e+00, 1.0e+05, 1.0e+10
v = torch.logspace(start=-10, end=10, steps=5)
print(v)
data:image/s3,"s3://crabby-images/68790/68790cb7a8b028b95487187b7c7242513e230b39" alt=""
#Initialize a ByteTensor
c = torch.ByteTensor([0, 1, 1, 0])
print(c)
data:image/s3,"s3://crabby-images/26833/268331b5b855e24d119ac9b12eec361be03b9320" alt=""
Random generator
#uniform distribution between 0 and 1
x = torch.rand(4)
print(x)
data:image/s3,"s3://crabby-images/195e3/195e3f44c20dc59ff40f58deea7fab86a65c069d" alt=""
x = torch.rand(2,2)
print(x)
data:image/s3,"s3://crabby-images/fb190/fb190046db9fe03021acd589cbb8a0653ad2e132" alt=""
x = torch.rand(2,2,3)
print(x)
data:image/s3,"s3://crabby-images/95e14/95e146a76a011c304571998fc83f6941e4d34566" alt=""
#torch.randint(min,max,(size))
x = torch.randint(1,6,(2,2))
print(x)
data:image/s3,"s3://crabby-images/7d827/7d827576c5938001983e030542b56b34fd289751" alt=""
#This function returns a tensor with a random number from a standard normal distribution
#with a mean 0 and a variance of 1.
x = torch.randn((2,2))
print(x)
data:image/s3,"s3://crabby-images/37b71/37b718902bc850a2e68c2a4f5611af06eaa11a9f" alt=""
#returns a tensor of random numbers from a separate normal distribution
#whose mean and standard deviation are given.
x = torch.normal(2,3,(3,3))
print(x)
data:image/s3,"s3://crabby-images/26ce3/26ce3492db482e2162edbb44616ae0de51125d52" alt=""
random_seed = 1
torch.manual_seed(random_seed)
print(torch.rand(1,3))
torch.rand(1)
data:image/s3,"s3://crabby-images/c93ca/c93ca06d9afb37960a05920e00accc60b997825e" alt=""
#random permutation of integers from 0 to 3 without seed
v = torch.randperm(10)
print(v)
#We get different output everytime
data:image/s3,"s3://crabby-images/fd4ef/fd4efcd6b680298068430e49806c56649e8e7a50" alt=""
#random permutation of integers from 0 to 3 with seed
random_seed = 1
torch.manual_seed(random_seed)
v = torch.randperm(10)
print(v)
#We get the same output
data:image/s3,"s3://crabby-images/d14f0/d14f0202e5341f9a5514df2db61f7090195c9f71" alt=""
Different datatypes
# create a tensor with unsigned integer type of 8 bits size
a = torch.tensor([100, 200, 2, 3, 4], dtype=torch.uint8)
# display tensor
print(a)
# display data type
print(a.dtype)
data:image/s3,"s3://crabby-images/a10b5/a10b511856447c8c0488cd86a3fec09ae5be436e" alt=""
# create a tensor with signed integer type of 8 bits size
a = torch.tensor([100, 200, 2, 3, 4], dtype=torch.int8)
# display tensor
print(a)
data:image/s3,"s3://crabby-images/03a2c/03a2c0d738f25859857814c10b04530fe8d61ed0" alt=""
# create a tensor with signed integer type of 16 bits size
a = torch.tensor([100, 200, 200000, 3, 4], dtype=torch.int16)
# display tensor
print(a)
data:image/s3,"s3://crabby-images/5a5d2/5a5d2c6cd2b7d0870b72cd2159dddd5655bca409" alt=""
# create a tensor with signed integer type of 32 bits size
a = torch.tensor([100, 200, 200000, 3, 4], dtype=torch.int32)
# display tensor
print(a)
data:image/s3,"s3://crabby-images/5411d/5411d4d31ea9d79d9ebaafc357f8909b1622979b" alt=""
# create a tensor with floating point type of 32 bits size
a = torch.tensor([100, 200, 200000, 3, 4], dtype=torch.float)
# display tensor
print(a)
data:image/s3,"s3://crabby-images/089d2/089d22ce1c2ff07f10a1a4ebf1b6c51474affbd3" alt=""
# create a tensor with floating point type of 64 bits size
a = torch.tensor([100, 200, 200000, 3, 4], dtype=torch.float64)
# display tensor
print(a)
data:image/s3,"s3://crabby-images/6a727/6a727a433f063e6405efd4c5ab454039c17bc807" alt=""
# create a tensor with floating point type of 64 bits size or double
a = torch.tensor([100, 200, 200000, 3, 4], dtype=torch.double)
# display tensor
print(a)
data:image/s3,"s3://crabby-images/464a7/464a70b1f4fb5c545005e3f8b6b8b715c79dbb80" alt=""
# create a complex tensor
a = torch.tensor([1+2j,2+3j], dtype=torch.cfloat)
#display tensor
print(a)
# display data type
print(a.dtype)
data:image/s3,"s3://crabby-images/85356/853565cd514613467cf150b4dd0e79296547e752" alt=""
# create a tensor with bool type
a = torch.tensor([100, 200, 2, 3, 4], dtype=torch.bool)
# display tensor
print(a)
# display data type
print(a.dtype)
data:image/s3,"s3://crabby-images/ef32b/ef32ba10615cb9754bce4075b2ee6dd6f815df6f" alt=""
# create a tensor with bool type
a = torch.tensor([[0, 1],
[1,0]], dtype=torch.bool)
# display tensor
print(a)
# display data type
print(a.dtype)
data:image/s3,"s3://crabby-images/137a7/137a773d2512b48c6e424dc2b3d1f8b7d875c870" alt=""
Operations with constant
x = torch.Tensor([5])
y = torch.Tensor([[5,5],
[1,1]])
print('Multiplication with constant: \n')
print(5*x)
print(5*y)
print('\naddition with a constant: \n')
print(5+x)
print(5+y)
print('\ndivision with a constant: \n')
print(x/5)
print(y/5)
data:image/s3,"s3://crabby-images/a1e7e/a1e7e62b2144f79a4e8c2ac96bc399d8a8e561ff" alt=""
Element wise operations
x = torch.Tensor([5,6])
y = torch.Tensor([1,2])
#Addition
print('Addition: ',x+y)
print('Subtraction: ',x-y)
print('Multiplication: ',x*y)
print('Division: ',x/y)
data:image/s3,"s3://crabby-images/6c5fe/6c5fe240e44d91fcee1c88e0fe6d19c01321734f" alt=""
a = torch.tensor([[0, 1],
[1,0]], dtype=torch.bool)
b = torch.tensor([[0, 1],
[1,1]], dtype=torch.bool)
#Bitwise Or
print(f'Result of bitwise or:\n {torch.bitwise_or(a,b)}\n')
#Bitwise And
print(f'Result of bitwise and:\n {torch.bitwise_and(a,b)}\n')
#Bitwise Xor
print(f'Result of bitwise xor:\n {torch.bitwise_xor(a,b)}\n')
#Bitwise Not
print(f'Result of bitwise not:\n {torch.bitwise_not(a)}\n')
data:image/s3,"s3://crabby-images/00208/00208ec010363ba14df9935f618cab48486da54b" alt=""
#shift operations
a = torch.tensor([[4]
])
#Bitwise left shift
print(f'Result of bitwise_left_shift:\n {torch.bitwise_left_shift(a,1)}\n')
#Bitwise right shift
print(f'Result of bitwise_right_shift:\n {torch.bitwise_right_shift(a,1)}\n')
data:image/s3,"s3://crabby-images/e72cc/e72ccfdf895e01e3237c570051141e21522a1afd" alt=""
Matrix multiplication
a = torch.Tensor([5,2])
b = torch.Tensor([2,3])
c = torch.matmul(a,b)
print(c)
print(c.dtype)
data:image/s3,"s3://crabby-images/d8dbe/d8dbefedee932812417950c477183fb42926b43b" alt=""
a = torch.Tensor([[5,2]])
b = torch.Tensor([2,3])
print('The size of a is: ',a.size())
print('The size of b is: ',b.size())
c = torch.matmul(a,b)
print('The size of c is: ',c.size())
print('The result of matrix multiplication is: ',c)
print('The data type of c is',c.dtype)
data:image/s3,"s3://crabby-images/af79c/af79c060d4c4c7d513287fa883da87f23b3a29ed" alt=""
a = torch.Tensor([[5,2]])
b = torch.Tensor([[2,3]])
print('The size of a is: ',a.size())
print('The size of b is: ',b.size())
c = torch.matmul(a,b)
print('The size of c is: ',c.size())
print('The result of matrix multiplication is: ',c)
print('The data type of c is',c.dtype)
data:image/s3,"s3://crabby-images/7c66e/7c66e477e18458d7cd54540b5e791c865a0f510f" alt=""
a = torch.Tensor([[5,2]])
b = torch.Tensor([[2],
[3]])
print('The size of a is: ',a.size())
print('The size of b is: ',b.size())
c = torch.matmul(a,b)
print('The size of c is: ',c.size())
print('The result of matrix multiplication is: ',c)
print('The data type of c is',c.dtype)
data:image/s3,"s3://crabby-images/0534e/0534ef65d27d8f313ecb00be41ba8a184a4df94b" alt=""
a = torch.Tensor([[5,2]])
b = torch.Tensor([[2,2],
[3,3]])
print('The size of a is: ',a.size())
print('The size of b is: ',b.size())
c = torch.matmul(a,b)
print('The size of c is: ',c.size())
print('The result of matrix multiplication is: ',c)
print('The data type of c is',c.dtype)
data:image/s3,"s3://crabby-images/bfe85/bfe85d6b46e58c23595251e442292565cae88a4d" alt=""
a = torch.Tensor([[[5,2],
[1,2]],
[[5,2],
[1,2]]
])
b = torch.Tensor([[[2,2],
[3,3]]])
print('The size of a is: ',a.size())
print('The size of b is: ',b.size())
c = torch.matmul(a,b)
print('The size of c is: ',c.size())
print('The result of matrix multiplication is: \n',c)
print('The data type of c is',c.dtype)
data:image/s3,"s3://crabby-images/6f3b3/6f3b3faf24c5f91d00b9f3193e2087130c875b2c" alt=""
Matrix inversion
x = torch.Tensor([[5]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\n')
y = torch.inverse(x)
print('The inversion of x is y: ',y)
torch.matmul(x,y)
data:image/s3,"s3://crabby-images/725b6/725b6ec0f3a6b68df5166b1ce899dd83413948bc" alt=""
x = torch.Tensor([[5,2]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\n')
y = torch.inverse(x)
print('The inversion of x is y: ',y)
torch.matmul(x,y)
data:image/s3,"s3://crabby-images/46a06/46a0603409e5290c2a8a42717214b35842406229" alt=""
x = torch.Tensor([[5,2],
[2,5]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\n')
y = torch.inverse(x)
print('The inversion of x is y: \n',y,'\n')
torch.matmul(x,y)
data:image/s3,"s3://crabby-images/9fdf2/9fdf243fe38ad5f8fd013d4fea5cd6247ef47f4c" alt=""
x = torch.Tensor([[[5,2],
[2,5]]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\n')
y = torch.inverse(x)
print('The inversion of x is y: \n',y,'\n')
torch.matmul(x,y)
data:image/s3,"s3://crabby-images/97f57/97f57aeacc8fac197765a494c5e22dd2bef6c2f3" alt=""
x = torch.Tensor([
[[5,2],
[2,5]],
[[5,2],
[2,5]]
])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\n')
y = torch.inverse(x)
print('The inversion of x is y: \n',y,'\n')
torch.matmul(x,y)
data:image/s3,"s3://crabby-images/b28ef/b28ef420a0cf75b87d2e5d67c89c3d00948d9bfa" alt=""
x = torch.Tensor([
[[5,2,1],
[2,5,2],
[1,1,1]],
[[5,2,1],
[2,5,5],
[1,2,3]]
])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\n')
y = torch.inverse(x)
print('The inversion of x is y: \n',y,'\n')
torch.matmul(x,y)
data:image/s3,"s3://crabby-images/9b7d7/9b7d79006dc56f91804766eac28bcb553a304a71" alt=""
Transpose of matrix
x = torch.randn(2, 3)
print(x)
print('\nThe transpose of matrix: \n',torch.transpose(x,0,1))
data:image/s3,"s3://crabby-images/f45fd/f45fda2fd929adbc2a8abb03b8b12148fbc4a390" alt=""
x = torch.randn(2, 3,2)
print(x)
print('\nThe transpose of matrix: \n',torch.transpose(x, 0, 1))
data:image/s3,"s3://crabby-images/7066b/7066b87c0ea22240c3ecea4a38366c1287ec411b" alt=""
x = torch.randn(2, 3,2)
print(x)
print('\nThe transpose of matrix: \n',torch.transpose(x, 0,2))
data:image/s3,"s3://crabby-images/4714d/4714df2b6f9526208b17005ddca93134fb6e3528" alt=""
Determinant of matrix
x = torch.Tensor([[5]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
y = torch.det(x)
print('The determinant of x is y: ',y)
data:image/s3,"s3://crabby-images/8eafc/8eafc681b85c5031da0b9bf1b08563a18d8a1598" alt=""
x = torch.Tensor([[5,1],
[1,5]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
y = torch.det(x)
print('The determinant of x is y: ',y)
data:image/s3,"s3://crabby-images/63f1c/63f1c56aa09012ab03473ee00f9ec71a7e9d71d7" alt=""
x = torch.Tensor([[[5,1],
[1,5]]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
y = torch.det(x)
print('The determinant of x is y: ',y)
data:image/s3,"s3://crabby-images/bfdc4/bfdc49deb7970043642aa0314ba4246937b59f5a" alt=""
x = torch.Tensor([[[5,1],
[1,5]],
[[1,2],
[6,3]]
])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
y = torch.det(x)
print('The determinant of x is y: ',y)
data:image/s3,"s3://crabby-images/427e0/427e04492ef6321ee9543c8eabf3d4e19be3f320" alt=""
Indexing and slicing
x = torch.Tensor([5])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
x[0]
data:image/s3,"s3://crabby-images/55a46/55a4601361b0ae1db5cd4d95b79fbd5ff6abf746" alt=""
x = torch.Tensor([[5]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print(x[0])
print(x[0][0])
data:image/s3,"s3://crabby-images/1dbb4/1dbb437dd5479128e5809e9418f1407c222f1bb1" alt=""
x = torch.Tensor([[5,1,2,3]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print(x[0])
print(x[0][0])
print(x[0][1])
print(x[0][:2])
print(x[0][-1])
print(x[0][2:4])
print(x[0][-3:])
data:image/s3,"s3://crabby-images/e4887/e48870561783cf567e7860c135439940cd255d1b" alt=""
x = torch.Tensor([[5,1,2,3],
[1,5,6,9]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\nFirst row of tensor: \n',x[0],'\n')
print('First element of first row: \n',x[0][0])
print('\nSecond element of first row: \n',x[0][1])
print('\nFirst two elements of first row: \n',x[0][:2])
print('\nLast element of first row: \n',x[0][-1])
print('\n Second to forth (excluding) elements of first row:\n',x[0][2:4])
print('\n Last three elements of first row:\n',x[0][-3:])
print('\nSecond row of tensor: \n',x[1])
print('\nFirst element of second row: \n',x[1][0])
data:image/s3,"s3://crabby-images/4b146/4b146da385a1f52b657df174bba8ee7838a37976" alt=""
x = torch.Tensor([[5,1,2,3],
[1,5,6,9],
[1,2,3,4]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\nFirst column of tensor: \n',x[:,0],'\n')
print('\nLast column of tensor: \n',x[:,-1],'\n')
print('\nSecond and third column of tensor: \n',x[:,1:3],'\n')
data:image/s3,"s3://crabby-images/ba67d/ba67d360533afe764fd871943ad1ca9effc951ff" alt=""
x = torch.Tensor([[[5,1,2,3],
[1,5,6,9],
[1,2,3,4]]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\nFirst column of tensor: \n',x[:,:,0],'\n')
print('\nLast column of tensor: \n',x[:,:,-1],'\n')
print('\nSecond and third column of tensor: \n',x[:,:,1:3],'\n')
data:image/s3,"s3://crabby-images/94b55/94b55e29671ca4eda119cf5e6e11d699e5b09d56" alt=""
x = torch.Tensor([
[[5,1,2,3],
[1,5,6,9],
[1,2,3,4]],
[[1,5,6,1],
[1,8,9,0],
[1,2,3,6]],
[[1,1,1,0],
[2,2,2,0],
[0,0,0,0]]
])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\n First matrix : \n',x[0])
print('\n Last matrix : \n',x[-1])
print('\n First row of all matrices : \n',x[:,0])
print('\n First and second row of all matrices : \n',x[:,0:2])
print('\n First and second column of all matrices : \n',x[:,:,0:2])
data:image/s3,"s3://crabby-images/807a9/807a91b837ee9f06b3ff510807de8e256ce1b5ab" alt=""
data:image/s3,"s3://crabby-images/cc9f2/cc9f25a07ade091e0ef8b37674d3aafecffe34a9" alt=""
Broadcasting
x = torch.Tensor([5,5])
y = torch.Tensor([1])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('The type of y is: ',type(y))
print('The size of y is: ',y.size())
print('The dimension of y is: ',y.ndim)
print('Value of y will be added to both element of x\n')
print(x+y)
print((x+y).size())
data:image/s3,"s3://crabby-images/6ad0b/6ad0b662312921d6bed12e639d9dc26d6c4db872" alt=""
x = torch.Tensor([[5,5]])
y = torch.Tensor([1])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('The type of y is: ',type(y))
print('The size of y is: ',y.size())
print('The dimension of y is: ',y.ndim)
print('Value of y will be added to both element of x\n')
print(x+y)
print((x+y).size())
data:image/s3,"s3://crabby-images/b8f38/b8f38ce8f60d4a3e8a301046df18a9392e3ede94" alt=""
x = torch.Tensor([[5,5],
[0,0]])
y = torch.Tensor([1])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\nThe type of y is: ',type(y))
print('The size of y is: ',y.size())
print('The dimension of y is: ',y.ndim)
print('Value of y will be added to all elements of x\n')
print(x+y)
print((x+y).size())
data:image/s3,"s3://crabby-images/aa708/aa708f07a306eb09ad3ad61e93b84711ae322d32" alt=""
x = torch.Tensor([[5,5],
[0,0]])
y = torch.Tensor([1,2])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\nThe type of y is: ',type(y))
print('The size of y is: ',y.size())
print('The dimension of y is: ',y.ndim)
print('Value of y will be added to all elements of x\n')
print(x+y)
print((x+y).size())
data:image/s3,"s3://crabby-images/05367/0536765dc43c727d5883007e2660a205c455d35b" alt=""
x = torch.Tensor([[[5,5],
[0,0]]])
y = torch.Tensor([1,2])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\nThe type of y is: ',type(y))
print('The size of y is: ',y.size())
print('The dimension of y is: ',y.ndim)
print('Value of y will be added to all elements of x\n')
print(x+y)
print((x+y).size())
data:image/s3,"s3://crabby-images/bbb7d/bbb7d2b5b49dff064342d41262b35b88f12c6d35" alt=""
x = torch.Tensor([[[5,5],
[0,0]],
[[6,6],
[0,0]],
])
y = torch.Tensor([[1,1],
[1,1]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
print('\nThe type of y is: ',type(y))
print('The size of y is: ',y.size())
print('The dimension of y is: ',y.ndim)
print('Value of y will be added to all matrices of x\n')
print(x+y)
print((x+y).size())
data:image/s3,"s3://crabby-images/fee1d/fee1d6f23cfd4e0a05e2c1a09bac5fa7fb369c3a" alt=""
Reshape
v = torch.arange(9)
print(v)
v = v.view(3, 3)
print(v)
data:image/s3,"s3://crabby-images/6696b/6696b58beb393a9700814a33cb5bc34533406154" alt=""
x = torch.rand(4,3)
print(x)
data:image/s3,"s3://crabby-images/4d04f/4d04fd08c7d42fbd9d483edf220cc620158ecb1c" alt=""
x.view(2,6)
data:image/s3,"s3://crabby-images/437fc/437fc0957befbba96e3c998e8cb5788bb3427021" alt=""
Squeeze and Unsqueeze
x = torch.Tensor([[[5,5,6,6,7,8]]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
data:image/s3,"s3://crabby-images/ac845/ac8456cb1a014e4e58475f9de14bbb1b40ca234f" alt=""
y = torch.squeeze(x)
print('size of y is : ',y.size())
print('Dimension of y is: ',y.ndim)
data:image/s3,"s3://crabby-images/686f2/686f21964962fc2160ab347565068223b84152f5" alt=""
x = torch.Tensor([[[5,5,6,6,7,8],
[1,4,7,8,5,6]]])
print('The type of x is: ',type(x))
print('The size of x is: ',x.size())
print('The dimension of x is: ',x.ndim)
data:image/s3,"s3://crabby-images/109dc/109dcad4c71f4a8401ff2540519066cdcbaad66d" alt=""
y = torch.squeeze(x)
print(y)
print('\nsize of y is : ',y.size())
print('\nDimension of y is: ',y.ndim)
data:image/s3,"s3://crabby-images/4c820/4c820a909838c763fbaa1a7913344dbdda69e84e" alt=""
y = torch.squeeze(x,0)
print(y)
print('\nsize of y is : ',y.size())
print('\nDimension of y is: ',y.ndim)
data:image/s3,"s3://crabby-images/dc57d/dc57d2fade0344106aa2ff6092c53a63c6bf2012" alt=""
y = torch.squeeze(x,1)
print(y)
print('\nsize of y is : ',y.size())
print('\nDimension of y is: ',y.ndim)
data:image/s3,"s3://crabby-images/1b678/1b678e73700f62ac771cb1d03406f95974046b2c" alt=""
z = torch.unsqueeze(y,0)
print(z)
print('\nsize of z is : ',z.size())
print('\nDimension of z is: ',z.ndim)
data:image/s3,"s3://crabby-images/ee869/ee869636ecb84dff54f9b71e22fffdc58116812e" alt=""
z = torch.unsqueeze(y,2)
print(z)
print('\nsize of z is : ',z.size())
print('\nDimension of z is: ',z.ndim)
data:image/s3,"s3://crabby-images/05da9/05da928bfeb452d3df1f15ee4b3552f66a893d36" alt=""
Concatenate and stack
x = torch.Tensor([5,5])
y = torch.Tensor([3,3])
print(torch.cat((x, y), 0))
data:image/s3,"s3://crabby-images/31813/31813371f28d6e59c736b58cb0bd76bc98acdf85" alt=""
x = torch.Tensor([[5,5],
[5,5]
])
y = torch.Tensor([[3,3],
[3,3]])
print(torch.cat((x, y), 0))
data:image/s3,"s3://crabby-images/96362/963627019ef4ec0a8c93c2ef1a0fd0f18f56980c" alt=""
print(torch.cat((x, y),1))
data:image/s3,"s3://crabby-images/63125/631251784a848a2a4812ce83e40db5d1614422e9" alt=""
print(torch.cat((x, y)))
data:image/s3,"s3://crabby-images/811a7/811a7a17676618d0a95403b115edecaa83ece4f8" alt=""
# Stack
print(torch.stack((x, y)))
data:image/s3,"s3://crabby-images/cb9de/cb9de63573571d341e66b88c8b2398f23126eecb" alt=""
Reorganize the data element
v = torch.arange(9)
v = v.view(3, 3)
print(v)
data:image/s3,"s3://crabby-images/095b3/095b3d168183b9b55ab5e6bf1113c08d786a296d" alt=""
#torch.gather creates a new tensor from the input tensor by taking the values from each row along the input dimension dim.
# The values in torch.LongTensor, passed as index, specify which value to take from each 'row'.
# The dimension of the output tensor is same as the dimension of index tensor.
r = torch.gather(v, 1, torch.LongTensor([[0,1],[1,0],[2,1]]))
print(r)
data:image/s3,"s3://crabby-images/2143a/2143af06a241423983a22a1ba8fa978498369aef" alt=""
r = torch.chunk(v, 3)
print(r)
data:image/s3,"s3://crabby-images/0be17/0be1710b9899dfba38a52d163872911e13825b8f" alt=""
r = torch.split(v, 2)
print(r)
data:image/s3,"s3://crabby-images/6f066/6f0663f47c2540f015e9465eb244c4d52fd76a05" alt=""
r = torch.split(v, 3)
print(r)
data:image/s3,"s3://crabby-images/7b4f9/7b4f93bd23ad8d9d6fba6f2ed107568457ccbe87" alt=""
r = torch.split(v, 1)
print(r)
data:image/s3,"s3://crabby-images/dbe16/dbe16a812aa077b0477333211eb4310b82458657" alt=""
v = torch.rand(3,4)
print(v)
r = torch.split(v, 1)
print(r)
data:image/s3,"s3://crabby-images/a6511/a65119365e6f97565da83dc1b22462de1d6d5dc8" alt=""
v = torch.rand(3,4)
print(v)
print('\n')
r = torch.split(v, 2)
print(r)
data:image/s3,"s3://crabby-images/6616c/6616c1b3a70360a598b1313572623d1954c3a7b9" alt=""
v = torch.rand(3,4)
print(v)
print('\n')
r = torch.split(v, 2,dim=0)
print(r)
data:image/s3,"s3://crabby-images/fa00b/fa00beecbb968265da85901c14615b28f9a65f87" alt=""
v = torch.rand(3,4)
print(v)
print('\n')
r = torch.split(v, 2,dim=1)
print(r)
data:image/s3,"s3://crabby-images/43acf/43acfd411e7c09ab8174a66d2c443c7302fc83b1" alt=""
numpy and pytorch tensor
import numpy as np
x = np.array([2,3])
print(x)
print('\n')
t = torch.from_numpy(x)
print(t)
data:image/s3,"s3://crabby-images/73ae2/73ae2b6c33f8c2d4a6225cfd3a4e46d9af4b5d44" alt=""
x = torch.Tensor([[5,5,6],
[8,9,6]])
print(x)
print(type(x))
print('\n')
print(x.numpy())
print(type(x.numpy()))
data:image/s3,"s3://crabby-images/d69fe/d69fe71da0a6a00b4877d7b4d6d3c3f2e3ba027d" alt=""
Operation on complex numbers
# create a complex tensor
a = torch.tensor([1+2j], dtype=torch.cfloat)
b = torch.tensor([2+3j], dtype=torch.cfloat)
print('The real part of a: \n',a.real)
print('\nThe imaginary part of a: \n',a.imag)
print('\n The absolute value of a: \n ',a.abs())
print('\n The angle of a: \n ',a.angle())
print('\n Result of addition of complex numbers:\n',a+b)
print('\n Result of subtraction of complex numbers:\n',a-b)
print('\n Result of multiplication of complex numbers:\n',a*b)
print('\n Result of division of complex numbers:\n',a/b)
data:image/s3,"s3://crabby-images/6ea96/6ea969c3859f56d9d35f0793bde286fa1b55dcbe" alt=""
x = torch.Tensor([5,9])
print('Converting tensor of real numbers to tensor of complex number: \n',torch.view_as_complex(x))
data:image/s3,"s3://crabby-images/343db/343db5f2967c7a070611420e34fe40af88749d94" alt=""
a = torch.tensor([1+2j], dtype=torch.cfloat)
print('Converting tensor of complex number to tensor of real numbers : \n',torch.view_as_real(a))
data:image/s3,"s3://crabby-images/89c56/89c56fd14249aa763c87d7fb3c94987b6f0e6d55" alt=""
pontu
0
Tags :