2.1. 数据操作¶ Open the notebook in SageMaker Studio Lab
为了能够完成各种数据操作,我们需要某种方法来存储和操作数据。 通常,我们需要做两件重要的事:(1)获取数据;(2)将数据读入计算机后对其进行处理。 如果没有某种方法来存储数据,那么获取数据是没有意义的。
首先,我们介绍\(n\)维数组,也称为张量(tensor)。
使用过Python中NumPy计算包的读者会对本部分很熟悉。
无论使用哪个深度学习框架,它的张量类(在MXNet中为ndarray
,
在PyTorch和TensorFlow中为Tensor
)都与Numpy的ndarray
类似。
但深度学习框架又比Numpy的ndarray
多一些重要功能:
首先,GPU很好地支持加速计算,而NumPy仅支持CPU计算;
其次,张量类支持自动微分。 这些功能使得张量类更适合深度学习。
如果没有特殊说明,本书中所说的张量均指的是张量类的实例。
2.1.1. 入门¶
本节的目标是帮助读者了解并运行一些在阅读本书的过程中会用到的基本数值计算工具。 如果你很难理解一些数学概念或库函数,请不要担心。 后面的章节将通过一些实际的例子来回顾这些内容。 如果你已经具有相关经验,想要深入学习数学内容,可以跳过本节。
首先,我们从MXNet导入np
(numpy
)模块和npx
(numpy_extension
)模块。
np
模块包含NumPy支持的函数;
而npx
模块包含一组扩展函数,用来在类似NumPy的环境中实现深度学习开发。
当使用张量时,几乎总是会调用set_np
函数,这是为了兼容MXNet的其他张量处理组件。
from mxnet import np, npx
npx.set_np()
首先,我们导入torch
。请注意,虽然它被称为PyTorch,但是代码中使用torch
而不是pytorch
。
import torch
首先,我们导入tensorflow
。
由于tensorflow
名称有点长,我们经常在导入它后使用短别名tf
。
import tensorflow as tf
import warnings
warnings.filterwarnings(action='ignore')
import paddle
张量表示一个由数值组成的数组,这个数组可能有多个维度。 具有一个轴的张量对应数学上的向量(vector); 具有两个轴的张量对应数学上的矩阵(matrix); 具有两个轴以上的张量没有特殊的数学名称。
首先,我们可以使用 arange
创建一个行向量
x
。这个行向量包含以0开始的前12个整数,它们默认创建为浮点数。张量中的每个值都称为张量的
元素(element)。例如,张量 x
中有 12
个元素。除非额外指定,新的张量将存储在内存中,并采用基于CPU的计算。
x = np.arange(12)
x
[07:09:13] ../src/storage/storage.cc:196: Using Pooled (Naive) StorageManager for CPU
array([ 0., 1., 2., 3., 4., 5., 6., 7., 8., 9., 10., 11.])
首先,我们可以使用 arange
创建一个行向量
x
。这个行向量包含以0开始的前12个整数,它们默认创建为整数。也可指定创建类型为浮点数。张量中的每个值都称为张量的
元素(element)。例如,张量 x
中有 12
个元素。除非额外指定,新的张量将存储在内存中,并采用基于CPU的计算。
x = torch.arange(12)
x
tensor([ 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11])
首先,我们可以使用 range
创建一个行向量
x
。这个行向量包含以0开始的前12个整数,它们默认创建为整数。也可指定创建类型为浮点数。张量中的每个值都称为张量的
元素(element)。例如,张量 x
中有 12
个元素。除非额外指定,新的张量将存储在内存中,并采用基于CPU的计算。
x = tf.range(12)
x
<tf.Tensor: shape=(12,), dtype=int32, numpy=array([ 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11], dtype=int32)>
x = paddle.arange(12)
x
Tensor(shape=[12], dtype=int64, place=Place(cpu), stop_gradient=True,
[0 , 1 , 2 , 3 , 4 , 5 , 6 , 7 , 8 , 9 , 10, 11])
可以通过张量的shape
属性来访问张量(沿每个轴的长度)的形状 。
x.shape
(12,)
x.shape
torch.Size([12])
x.shape
TensorShape([12])
x.shape
[12]
如果只想知道张量中元素的总数,即形状的所有元素乘积,可以检查它的大小(size)。
因为这里在处理的是一个向量,所以它的shape
与它的size
相同。
x.size
12
x.numel()
12
tf.size(x)
<tf.Tensor: shape=(), dtype=int32, numpy=12>
x.numel()
Tensor(shape=[1], dtype=int64, place=Place(cpu), stop_gradient=True,
[12])
要想改变一个张量的形状而不改变元素数量和元素值,可以调用reshape
函数。
例如,可以把张量x
从形状为(12,)的行向量转换为形状为(3,4)的矩阵。
这个新的张量包含与转换前相同的值,但是它被看成一个3行4列的矩阵。
要重点说明一下,虽然张量的形状发生了改变,但其元素值并没有变。
注意,通过改变张量的形状,张量的大小不会改变。
X = x.reshape(3, 4)
X
array([[ 0., 1., 2., 3.],
[ 4., 5., 6., 7.],
[ 8., 9., 10., 11.]])
X = x.reshape(3, 4)
X
tensor([[ 0, 1, 2, 3],
[ 4, 5, 6, 7],
[ 8, 9, 10, 11]])
X = tf.reshape(x, (3, 4))
X
<tf.Tensor: shape=(3, 4), dtype=int32, numpy=
array([[ 0, 1, 2, 3],
[ 4, 5, 6, 7],
[ 8, 9, 10, 11]], dtype=int32)>
X = paddle.reshape(x, (3, 4))
X
Tensor(shape=[3, 4], dtype=int64, place=Place(cpu), stop_gradient=True,
[[0 , 1 , 2 , 3 ],
[4 , 5 , 6 , 7 ],
[8 , 9 , 10, 11]])
我们不需要通过手动指定每个维度来改变形状。
也就是说,如果我们的目标形状是(高度,宽度),
那么在知道宽度后,高度会被自动计算得出,不必我们自己做除法。
在上面的例子中,为了获得一个3行的矩阵,我们手动指定了它有3行和4列。
幸运的是,我们可以通过-1
来调用此自动计算出维度的功能。
即我们可以用x.reshape(-1,4)
或x.reshape(3,-1)
来取代x.reshape(3,4)
。
有时,我们希望使用全0、全1、其他常量,或者从特定分布中随机采样的数字来初始化矩阵。 我们可以创建一个形状为(2,3,4)的张量,其中所有元素都设置为0。代码如下:
np.zeros((2, 3, 4))
array([[[0., 0., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]],
[[0., 0., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]]])
torch.zeros((2, 3, 4))
tensor([[[0., 0., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]],
[[0., 0., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]]])
tf.zeros((2, 3, 4))
<tf.Tensor: shape=(2, 3, 4), dtype=float32, numpy=
array([[[0., 0., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]],
[[0., 0., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]]], dtype=float32)>
paddle.zeros((2, 3, 4))
Tensor(shape=[2, 3, 4], dtype=float32, place=Place(cpu), stop_gradient=True,
[[[0., 0., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]],
[[0., 0., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]]])
同样,我们可以创建一个形状为(2,3,4)
的张量,其中所有元素都设置为1。代码如下:
np.ones((2, 3, 4))
array([[[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]],
[[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]]])
torch.ones((2, 3, 4))
tensor([[[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]],
[[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]]])
tf.ones((2, 3, 4))
<tf.Tensor: shape=(2, 3, 4), dtype=float32, numpy=
array([[[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]],
[[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]]], dtype=float32)>
paddle.ones((2, 3, 4))
Tensor(shape=[2, 3, 4], dtype=float32, place=Place(cpu), stop_gradient=True,
[[[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]],
[[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]]])
有时我们想通过从某个特定的概率分布中随机采样来得到张量中每个元素的值。 例如,当我们构造数组来作为神经网络中的参数时,我们通常会随机初始化参数的值。 以下代码创建一个形状为(3,4)的张量。 其中的每个元素都从均值为0、标准差为1的标准高斯分布(正态分布)中随机采样。
np.random.normal(0, 1, size=(3, 4))
array([[ 2.2122064 , 1.1630787 , 0.7740038 , 0.4838046 ],
[ 1.0434403 , 0.29956347, 1.1839255 , 0.15302546],
[ 1.8917114 , -1.1688148 , -1.2347414 , 1.5580711 ]])
torch.randn(3, 4)
tensor([[-0.0135, 0.0665, 0.0912, 0.3212],
[ 1.4653, 0.1843, -1.6995, -0.3036],
[ 1.7646, 1.0450, 0.2457, -0.7732]])
tf.random.normal(shape=[3, 4])
<tf.Tensor: shape=(3, 4), dtype=float32, numpy=
array([[-1.9437447 , 1.7360141 , 0.03836465, -0.23741092],
[-0.7939557 , -0.89138025, 0.17875476, -1.8298926 ],
[ 1.0334245 , -0.06715401, -1.0667316 , -1.1286876 ]],
dtype=float32)>
paddle.randn((3, 4),'float32')
Tensor(shape=[3, 4], dtype=float32, place=Place(cpu), stop_gradient=True,
[[ 0.34377271, 1.05267835, -0.08373270, 1.80384696],
[-0.71695501, -0.93773055, 0.46765271, 0.22694604],
[ 0.48074690, -1.88347197, 0.66850376, 0.23313034]])
我们还可以通过提供包含数值的Python列表(或嵌套列表),来为所需张量中的每个元素赋予确定值。 在这里,最外层的列表对应于轴0,内层的列表对应于轴1。
np.array([[2, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
array([[2., 1., 4., 3.],
[1., 2., 3., 4.],
[4., 3., 2., 1.]])
torch.tensor([[2, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
tensor([[2, 1, 4, 3],
[1, 2, 3, 4],
[4, 3, 2, 1]])
tf.constant([[2, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
<tf.Tensor: shape=(3, 4), dtype=int32, numpy=
array([[2, 1, 4, 3],
[1, 2, 3, 4],
[4, 3, 2, 1]], dtype=int32)>
paddle.to_tensor([[2, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
Tensor(shape=[3, 4], dtype=int64, place=Place(cpu), stop_gradient=True,
[[2, 1, 4, 3],
[1, 2, 3, 4],
[4, 3, 2, 1]])
2.1.2. 运算符¶
我们的兴趣不仅限于读取数据和写入数据。 我们想在这些数据上执行数学运算,其中最简单且最有用的操作是按元素(elementwise)运算。 它们将标准标量运算符应用于数组的每个元素。 对于将两个数组作为输入的函数,按元素运算将二元运算符应用于两个数组中的每对位置对应的元素。 我们可以基于任何从标量到标量的函数来创建按元素函数。
在数学表示法中,我们将通过符号\(f: \mathbb{R} \rightarrow \mathbb{R}\) 来表示一元标量运算符(只接收一个输入)。 这意味着该函数从任何实数(\(\mathbb{R}\))映射到另一个实数。 同样,我们通过符号\(f: \mathbb{R}, \mathbb{R} \rightarrow \mathbb{R}\) 表示二元标量运算符,这意味着该函数接收两个输入,并产生一个输出。 给定同一形状的任意两个向量\(\mathbf{u}\)和\(\mathbf{v}\)和二元运算符\(f\), 我们可以得到向量\(\mathbf{c} = F(\mathbf{u},\mathbf{v})\)。 具体计算方法是\(c_i \gets f(u_i, v_i)\), 其中\(c_i\)、\(u_i\)和\(v_i\)分别是向量\(\mathbf{c}\)、\(\mathbf{u}\)和\(\mathbf{v}\)中的元素。 在这里,我们通过将标量函数升级为按元素向量运算来生成向量值 \(F: \mathbb{R}^d, \mathbb{R}^d \rightarrow \mathbb{R}^d\)。
对于任意具有相同形状的张量,
常见的标准算术运算符(+
、-
、*
、/
和**
)都可以被升级为按元素运算。
我们可以在同一形状的任意两个张量上调用按元素操作。
在下面的例子中,我们使用逗号来表示一个具有5个元素的元组,其中每个元素都是按元素操作的结果。
x = np.array([1, 2, 4, 8])
y = np.array([2, 2, 2, 2])
x + y, x - y, x * y, x / y, x ** y # **运算符是求幂运算
(array([ 3., 4., 6., 10.]),
array([-1., 0., 2., 6.]),
array([ 2., 4., 8., 16.]),
array([0.5, 1. , 2. , 4. ]),
array([ 1., 4., 16., 64.]))
x = torch.tensor([1.0, 2, 4, 8])
y = torch.tensor([2, 2, 2, 2])
x + y, x - y, x * y, x / y, x ** y # **运算符是求幂运算
(tensor([ 3., 4., 6., 10.]),
tensor([-1., 0., 2., 6.]),
tensor([ 2., 4., 8., 16.]),
tensor([0.5000, 1.0000, 2.0000, 4.0000]),
tensor([ 1., 4., 16., 64.]))
x = tf.constant([1.0, 2, 4, 8])
y = tf.constant([2.0, 2, 2, 2])
x + y, x - y, x * y, x / y, x ** y # **运算符是求幂运算
(<tf.Tensor: shape=(4,), dtype=float32, numpy=array([ 3., 4., 6., 10.], dtype=float32)>,
<tf.Tensor: shape=(4,), dtype=float32, numpy=array([-1., 0., 2., 6.], dtype=float32)>,
<tf.Tensor: shape=(4,), dtype=float32, numpy=array([ 2., 4., 8., 16.], dtype=float32)>,
<tf.Tensor: shape=(4,), dtype=float32, numpy=array([0.5, 1. , 2. , 4. ], dtype=float32)>,
<tf.Tensor: shape=(4,), dtype=float32, numpy=array([ 1., 4., 16., 64.], dtype=float32)>)
x = paddle.to_tensor([1.0, 2, 4, 8])
y = paddle.to_tensor([2, 2, 2, 2])
x + y, x - y, x * y, x / y, x**y # **运算符是求幂运算
(Tensor(shape=[4], dtype=float32, place=Place(cpu), stop_gradient=True,
[3. , 4. , 6. , 10.]),
Tensor(shape=[4], dtype=float32, place=Place(cpu), stop_gradient=True,
[-1., 0., 2., 6.]),
Tensor(shape=[4], dtype=float32, place=Place(cpu), stop_gradient=True,
[2. , 4. , 8. , 16.]),
Tensor(shape=[4], dtype=float32, place=Place(cpu), stop_gradient=True,
[0.50000000, 1. , 2. , 4. ]),
Tensor(shape=[4], dtype=float32, place=Place(cpu), stop_gradient=True,
[1. , 4. , 16., 64.]))
“按元素”方式可以应用更多的计算,包括像求幂这样的一元运算符。
np.exp(x)
array([2.7182817e+00, 7.3890562e+00, 5.4598148e+01, 2.9809580e+03])
torch.exp(x)
tensor([2.7183e+00, 7.3891e+00, 5.4598e+01, 2.9810e+03])
tf.exp(x)
<tf.Tensor: shape=(4,), dtype=float32, numpy=
array([2.7182817e+00, 7.3890562e+00, 5.4598148e+01, 2.9809580e+03],
dtype=float32)>
paddle.exp(x)
Tensor(shape=[4], dtype=float32, place=Place(cpu), stop_gradient=True,
[2.71828175 , 7.38905621 , 54.59814835 , 2980.95800781])
除了按元素计算外,我们还可以执行线性代数运算,包括向量点积和矩阵乘法。 我们将在 2.3节中解释线性代数的重点内容。
我们也可以把多个张量连结(concatenate)在一起, 把它们端对端地叠起来形成一个更大的张量。 我们只需要提供张量列表,并给出沿哪个轴连结。 下面的例子分别演示了当我们沿行(轴-0,形状的第一个元素) 和按列(轴-1,形状的第二个元素)连结两个矩阵时,会发生什么情况。 我们可以看到,第一个输出张量的轴-0长度(\(6\))是两个输入张量轴-0长度的总和(\(3 + 3\)); 第二个输出张量的轴-1长度(\(8\))是两个输入张量轴-1长度的总和(\(4 + 4\))。
X = np.arange(12).reshape(3, 4)
Y = np.array([[2, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
np.concatenate([X, Y], axis=0), np.concatenate([X, Y], axis=1)
(array([[ 0., 1., 2., 3.],
[ 4., 5., 6., 7.],
[ 8., 9., 10., 11.],
[ 2., 1., 4., 3.],
[ 1., 2., 3., 4.],
[ 4., 3., 2., 1.]]),
array([[ 0., 1., 2., 3., 2., 1., 4., 3.],
[ 4., 5., 6., 7., 1., 2., 3., 4.],
[ 8., 9., 10., 11., 4., 3., 2., 1.]]))
X = torch.arange(12, dtype=torch.float32).reshape((3,4))
Y = torch.tensor([[2.0, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
torch.cat((X, Y), dim=0), torch.cat((X, Y), dim=1)
(tensor([[ 0., 1., 2., 3.],
[ 4., 5., 6., 7.],
[ 8., 9., 10., 11.],
[ 2., 1., 4., 3.],
[ 1., 2., 3., 4.],
[ 4., 3., 2., 1.]]),
tensor([[ 0., 1., 2., 3., 2., 1., 4., 3.],
[ 4., 5., 6., 7., 1., 2., 3., 4.],
[ 8., 9., 10., 11., 4., 3., 2., 1.]]))
X = tf.reshape(tf.range(12, dtype=tf.float32), (3, 4))
Y = tf.constant([[2.0, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
tf.concat([X, Y], axis=0), tf.concat([X, Y], axis=1)
(<tf.Tensor: shape=(6, 4), dtype=float32, numpy=
array([[ 0., 1., 2., 3.],
[ 4., 5., 6., 7.],
[ 8., 9., 10., 11.],
[ 2., 1., 4., 3.],
[ 1., 2., 3., 4.],
[ 4., 3., 2., 1.]], dtype=float32)>,
<tf.Tensor: shape=(3, 8), dtype=float32, numpy=
array([[ 0., 1., 2., 3., 2., 1., 4., 3.],
[ 4., 5., 6., 7., 1., 2., 3., 4.],
[ 8., 9., 10., 11., 4., 3., 2., 1.]], dtype=float32)>)
X = paddle.arange(12, dtype='float32').reshape((3, 4))
Y = paddle.to_tensor([[2.0, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
paddle.concat((X, Y), axis=0), paddle.concat((X, Y), axis=1)
(Tensor(shape=[6, 4], dtype=float32, place=Place(cpu), stop_gradient=True,
[[0. , 1. , 2. , 3. ],
[4. , 5. , 6. , 7. ],
[8. , 9. , 10., 11.],
[2. , 1. , 4. , 3. ],
[1. , 2. , 3. , 4. ],
[4. , 3. , 2. , 1. ]]),
Tensor(shape=[3, 8], dtype=float32, place=Place(cpu), stop_gradient=True,
[[0. , 1. , 2. , 3. , 2. , 1. , 4. , 3. ],
[4. , 5. , 6. , 7. , 1. , 2. , 3. , 4. ],
[8. , 9. , 10., 11., 4. , 3. , 2. , 1. ]]))
有时,我们想通过逻辑运算符构建二元张量。 以X == Y
为例:
对于每个位置,如果X
和Y
在该位置相等,则新张量中相应项的值为1。
这意味着逻辑语句X == Y
在该位置处为真,否则该位置为0。
X == Y
array([[False, True, False, True],
[False, False, False, False],
[False, False, False, False]])
X == Y
tensor([[False, True, False, True],
[False, False, False, False],
[False, False, False, False]])
X == Y
<tf.Tensor: shape=(3, 4), dtype=bool, numpy=
array([[False, True, False, True],
[False, False, False, False],
[False, False, False, False]])>
X == Y
Tensor(shape=[3, 4], dtype=bool, place=Place(cpu), stop_gradient=True,
[[False, True , False, True ],
[False, False, False, False],
[False, False, False, False]])
对张量中的所有元素进行求和,会产生一个单元素张量。
X.sum()
array(66.)
X.sum()
tensor(66.)
tf.reduce_sum(X)
<tf.Tensor: shape=(), dtype=float32, numpy=66.0>
X.sum()
Tensor(shape=[1], dtype=float32, place=Place(cpu), stop_gradient=True,
[66.])
2.1.3. 广播机制¶
在上面的部分中,我们看到了如何在相同形状的两个张量上执行按元素操作。 在某些情况下,即使形状不同,我们仍然可以通过调用 广播机制(broadcasting mechanism)来执行按元素操作。 这种机制的工作方式如下:
通过适当复制元素来扩展一个或两个数组,以便在转换之后,两个张量具有相同的形状;
对生成的数组执行按元素操作。
在大多数情况下,我们将沿着数组中长度为1的轴进行广播,如下例子:
a = np.arange(3).reshape(3, 1)
b = np.arange(2).reshape(1, 2)
a, b
(array([[0.],
[1.],
[2.]]),
array([[0., 1.]]))
a = torch.arange(3).reshape((3, 1))
b = torch.arange(2).reshape((1, 2))
a, b
(tensor([[0],
[1],
[2]]),
tensor([[0, 1]]))
a = tf.reshape(tf.range(3), (3, 1))
b = tf.reshape(tf.range(2), (1, 2))
a, b
(<tf.Tensor: shape=(3, 1), dtype=int32, numpy=
array([[0],
[1],
[2]], dtype=int32)>,
<tf.Tensor: shape=(1, 2), dtype=int32, numpy=array([[0, 1]], dtype=int32)>)
a = paddle.reshape(paddle.arange(3), (3, 1))
b = paddle.reshape(paddle.arange(2), (1, 2))
a, b
(Tensor(shape=[3, 1], dtype=int64, place=Place(cpu), stop_gradient=True,
[[0],
[1],
[2]]),
Tensor(shape=[1, 2], dtype=int64, place=Place(cpu), stop_gradient=True,
[[0, 1]]))
由于a
和b
分别是\(3\times1\)和\(1\times2\)矩阵,如果让它们相加,它们的形状不匹配。
我们将两个矩阵广播为一个更大的\(3\times2\)矩阵,如下所示:矩阵a
将复制列,
矩阵b
将复制行,然后再按元素相加。
a + b
array([[0., 1.],
[1., 2.],
[2., 3.]])
a + b
tensor([[0, 1],
[1, 2],
[2, 3]])
a + b
<tf.Tensor: shape=(3, 2), dtype=int32, numpy=
array([[0, 1],
[1, 2],
[2, 3]], dtype=int32)>
a + b
Tensor(shape=[3, 2], dtype=int64, place=Place(cpu), stop_gradient=True,
[[0, 1],
[1, 2],
[2, 3]])
2.1.4. 索引和切片¶
就像在任何其他Python数组中一样,张量中的元素可以通过索引访问。 与任何Python数组一样:第一个元素的索引是0,最后一个元素索引是-1; 可以指定范围以包含第一个元素和最后一个之前的元素。
如下所示,我们可以用[-1]
选择最后一个元素,可以用[1:3]
选择第二个和第三个元素:
X[-1], X[1:3]
(array([ 8., 9., 10., 11.]),
array([[ 4., 5., 6., 7.],
[ 8., 9., 10., 11.]]))
除读取外,我们还可以通过指定索引来将元素写入矩阵。
X[1, 2] = 9
X
array([[ 0., 1., 2., 3.],
[ 4., 5., 9., 7.],
[ 8., 9., 10., 11.]])
X[-1], X[1:3]
(tensor([ 8., 9., 10., 11.]),
tensor([[ 4., 5., 6., 7.],
[ 8., 9., 10., 11.]]))
除读取外,我们还可以通过指定索引来将元素写入矩阵。
X[1, 2] = 9
X
tensor([[ 0., 1., 2., 3.],
[ 4., 5., 9., 7.],
[ 8., 9., 10., 11.]])
X[-1], X[1:3]
(<tf.Tensor: shape=(4,), dtype=float32, numpy=array([ 8., 9., 10., 11.], dtype=float32)>,
<tf.Tensor: shape=(2, 4), dtype=float32, numpy=
array([[ 4., 5., 6., 7.],
[ 8., 9., 10., 11.]], dtype=float32)>)
TensorFlow中的Tensors
是不可变的,也不能被赋值。
TensorFlow中的Variables
是支持赋值的可变容器。
请记住,TensorFlow中的梯度不会通过Variable
反向传播。
除了为整个Variable
分配一个值之外,我们还可以通过索引来写入Variable
的元素。
X_var = tf.Variable(X)
X_var[1, 2].assign(9)
X_var
<tf.Variable 'Variable:0' shape=(3, 4) dtype=float32, numpy=
array([[ 0., 1., 2., 3.],
[ 4., 5., 9., 7.],
[ 8., 9., 10., 11.]], dtype=float32)>
X[-1], X[1:3]
(Tensor(shape=[4], dtype=float32, place=Place(cpu), stop_gradient=True,
[8. , 9. , 10., 11.]),
Tensor(shape=[2, 4], dtype=float32, place=Place(cpu), stop_gradient=True,
[[4. , 5. , 6. , 7. ],
[8. , 9. , 10., 11.]]))
X[1, 2] = 9
X
Tensor(shape=[3, 4], dtype=float32, place=Place(cpu), stop_gradient=True,
[[0. , 1. , 2. , 3. ],
[4. , 5. , 9. , 7. ],
[8. , 9. , 10., 11.]])
如果我们想为多个元素赋值相同的值,我们只需要索引所有元素,然后为它们赋值。
例如,[0:2, :]
访问第1行和第2行,其中“:”代表沿轴1(列)的所有元素。
虽然我们讨论的是矩阵的索引,但这也适用于向量和超过2个维度的张量。
X[0:2, :] = 12
X
array([[12., 12., 12., 12.],
[12., 12., 12., 12.],
[ 8., 9., 10., 11.]])
X[0:2, :] = 12
X
tensor([[12., 12., 12., 12.],
[12., 12., 12., 12.],
[ 8., 9., 10., 11.]])
X_var = tf.Variable(X)
X_var[0:2, :].assign(tf.ones(X_var[0:2,:].shape, dtype = tf.float32) * 12)
X_var
<tf.Variable 'Variable:0' shape=(3, 4) dtype=float32, numpy=
array([[12., 12., 12., 12.],
[12., 12., 12., 12.],
[ 8., 9., 10., 11.]], dtype=float32)>
X[0:2, :] = 12
X
Tensor(shape=[3, 4], dtype=float32, place=Place(cpu), stop_gradient=True,
[[12., 12., 12., 12.],
[12., 12., 12., 12.],
[8. , 9. , 10., 11.]])
2.1.5. 节省内存¶
运行一些操作可能会导致为新结果分配内存。
例如,如果我们用Y = X + Y
,我们将取消引用Y
指向的张量,而是指向新分配的内存处的张量。
在下面的例子中,我们用Python的id()
函数演示了这一点,
它给我们提供了内存中引用对象的确切地址。
运行Y = Y + X
后,我们会发现id(Y)
指向另一个位置。
这是因为Python首先计算Y + X
,为结果分配新的内存,然后使Y
指向内存中的这个新位置。
before = id(Y)
Y = Y + X
id(Y) == before
False
before = id(Y)
Y = Y + X
id(Y) == before
False
before = id(Y)
Y = Y + X
id(Y) == before
False
before = id(Y)
Y = Y + X
id(Y) == before
False
这可能是不可取的,原因有两个:
首先,我们不想总是不必要地分配内存。在机器学习中,我们可能有数百兆的参数,并且在一秒内多次更新所有参数。通常情况下,我们希望原地执行这些更新;
如果我们不原地更新,其他引用仍然会指向旧的内存位置,这样我们的某些代码可能会无意中引用旧的参数。
幸运的是,执行原地操作非常简单。
我们可以使用切片表示法将操作的结果分配给先前分配的数组,例如Y[:] = <expression>
。
为了说明这一点,我们首先创建一个新的矩阵Z
,其形状与另一个Y
相同,
使用zeros_like
来分配一个全\(0\)的块。
Z = np.zeros_like(Y)
print('id(Z):', id(Z))
Z[:] = X + Y
print('id(Z):', id(Z))
id(Z): 139772097851776
id(Z): 139772097851776
如果在后续计算中没有重复使用X
,
我们也可以使用X[:] = X + Y
或X += Y
来减少操作的内存开销。
before = id(X)
X += Y
id(X) == before
True
幸运的是,执行原地操作非常简单。
我们可以使用切片表示法将操作的结果分配给先前分配的数组,例如Y[:] = <expression>
。
为了说明这一点,我们首先创建一个新的矩阵Z
,其形状与另一个Y
相同,
使用zeros_like
来分配一个全\(0\)的块。
Z = torch.zeros_like(Y)
print('id(Z):', id(Z))
Z[:] = X + Y
print('id(Z):', id(Z))
id(Z): 140327634811696
id(Z): 140327634811696
如果在后续计算中没有重复使用X
,
我们也可以使用X[:] = X + Y
或X += Y
来减少操作的内存开销。
before = id(X)
X += Y
id(X) == before
True
Variables
是TensorFlow中的可变容器,它们提供了一种存储模型参数的方法。
我们可以通过assign
将一个操作的结果分配给一个Variable
。
为了说明这一点,我们创建了一个与另一个张量Y
相同的形状的Z
,
使用zeros_like
来分配一个全\(0\)的块。
Z = tf.Variable(tf.zeros_like(Y))
print('id(Z):', id(Z))
Z.assign(X + Y)
print('id(Z):', id(Z))
id(Z): 140005044197312
id(Z): 140005044197312
即使你将状态持久存储在Variable
中,
你也可能希望避免为不是模型参数的张量过度分配内存,从而进一步减少内存使用量。
由于TensorFlow的Tensors
是不可变的,而且梯度不会通过Variable
流动,
因此TensorFlow没有提供一种明确的方式来原地运行单个操作。
但是,TensorFlow提供了tf.function
修饰符,
将计算封装在TensorFlow图中,该图在运行前经过编译和优化。
这允许TensorFlow删除未使用的值,并复用先前分配的且不再需要的值。
这样可以最大限度地减少TensorFlow计算的内存开销。
@tf.function
def computation(X, Y):
Z = tf.zeros_like(Y) # 这个未使用的值将被删除
A = X + Y # 当不再需要时,分配将被复用
B = A + Y
C = B + Y
return C + Y
computation(X, Y)
<tf.Tensor: shape=(3, 4), dtype=float32, numpy=
array([[ 8., 9., 26., 27.],
[24., 33., 42., 51.],
[56., 57., 58., 59.]], dtype=float32)>
Z = paddle.zeros_like(Y)
print('id(Z):', id(Z))
Z = X + Y
print('id(Z):', id(Z))
id(Z): 140016047430960
id(Z): 140016046997040
before = id(X)
X += Y
id(X) == before
False
2.1.6. 转换为其他Python对象¶
将深度学习框架定义的张量转换为NumPy张量(ndarray
)很容易,反之也同样容易。
转换后的结果不共享内存。
这个小的不便实际上是非常重要的:当在CPU或GPU上执行操作的时候,
如果Python的NumPy包也希望使用相同的内存块执行其他操作,人们不希望停下计算来等它。
A = X.asnumpy()
B = np.array(A)
type(A), type(B)
(numpy.ndarray, mxnet.numpy.ndarray)
将深度学习框架定义的张量转换为NumPy张量(ndarray
)很容易,反之也同样容易。
torch张量和numpy数组将共享它们的底层内存,就地操作更改一个张量也会同时更改另一个张量。
A = X.numpy()
B = torch.tensor(A)
type(A), type(B)
(numpy.ndarray, torch.Tensor)
将深度学习框架定义的张量转换为NumPy张量(ndarray
)很容易,反之也同样容易。
转换后的结果不共享内存。
这个小的不便实际上是非常重要的:当在CPU或GPU上执行操作的时候,
如果Python的NumPy包也希望使用相同的内存块执行其他操作,人们不希望停下计算来等它。
A = X.numpy()
B = tf.constant(A)
type(A), type(B)
(numpy.ndarray, tensorflow.python.framework.ops.EagerTensor)
A = X.numpy()
B = paddle.to_tensor(A)
type(A), type(B)
(numpy.ndarray, paddle.Tensor)
要将大小为1的张量转换为Python标量,我们可以调用item
函数或Python的内置函数。
a = np.array([3.5])
a, a.item(), float(a), int(a)
(array([3.5]), 3.5, 3.5, 3)
a = torch.tensor([3.5])
a, a.item(), float(a), int(a)
(tensor([3.5000]), 3.5, 3.5, 3)
a = tf.constant([3.5]).numpy()
a, a.item(), float(a), int(a)
(array([3.5], dtype=float32), 3.5, 3.5, 3)
a = paddle.to_tensor([3.5])
a, a.item(), float(a), int(a)
(Tensor(shape=[1], dtype=float32, place=Place(cpu), stop_gradient=True,
[3.50000000]),
3.5,
3.5,
3)
2.1.7. 小结¶
深度学习存储和操作数据的主要接口是张量(\(n\)维数组)。它提供了各种功能,包括基本数学运算、广播、索引、切片、内存节省和转换其他Python对象。
2.1.8. 练习¶
运行本节中的代码。将本节中的条件语句
X == Y
更改为X < Y
或X > Y
,然后看看你可以得到什么样的张量。用其他形状(例如三维张量)替换广播机制中按元素操作的两个张量。结果是否与预期相同?