Numpy 初级教程

NumPy 初级教程 ;

此教程基于numpy官方user guide https://docs.scipy.org/doc/numpy-1.14.1/user/

快速入门 ;

NumPy的主要对象是homegeneous 多维矩阵。它的元素要求是同一个类型(Python的array不要求elements必须是同一个类型),索引是a tuple of positive integers(数字0呢?)。在Numpy中,维度dimensions被称作axes(轴,是axis的复数形式)。

例如,3D空间中的一个点[1,2,1]有1个axis,此axis有3个elements,所以我们说它长度length是3.下图的例子中,2行3列的矩阵有2个axes。第1个axis长度是2,第2个axis长度是3:

[
  [1, 0, 0],
  [0, 1, 2]
]

NumPy 类 ;

NumPy的矩阵类叫做ndarray,它的别名是array(numpy.array),注意这个numpy.array和python标准库里的array(array.array)是不同的,标准库里的array只处理1维数组并且功能有限。ndarray类里比较重要的属性attributes有:

. ndarray.ndim 整数, 矩阵的维数(dimensions),也就是axes的数目
. ndarray.shape tuple类型,每个元素对对应该矩阵在每1维上的长度,也是矩阵的行列数等
. ndarray.size 整数,矩阵元素总个数,也就是shape里各元素的乘积
. ndarray.dtype 是描述矩阵里元素类型的一个对象,不是数值类型。可以使用标准Python类型来创见或指定dtype。另外NumPy还提供它自己的类型,例如numpy.int32, numpy.int16,numpy.float64等
. ndarray.itemsize 整数,数组中每个元素所占的字节数。例如,float64类型的元素的itemsize是8(=64/8)。它等效于ndarray.dtype.itemsize
. ndarray.data 包含数组中实际元素的缓冲区。通常,我们不需要使用该属性因为我们将会通过索引的方式来访问矩阵元素。

In [1]:
import numpy as np
In [2]:
a = np.arange(15).reshape((3,5)) # same as reshape(3,5) without tuple format
print(a)
[[ 0  1  2  3  4]
 [ 5  6  7  8  9]
 [10 11 12 13 14]]
In [3]:
print(a.ndim, type(a.ndim))
2 <class 'int'>
In [4]:
print(a.shape, type(a.shape))
(3, 5) <class 'tuple'>
In [5]:
print(a.size, type(a.size))
15 <class 'int'>
In [6]:
print(a.dtype, type(a.dtype)) #注意,dtype是个类对象,
int64 <class 'numpy.dtype'>
In [7]:
print(a.itemsize, type(a.itemsize))
8 <class 'int'>
In [8]:
print(a.data, type(a.data)) # a.data是个buffer,不是不同数据类型
<memory at 0x1120f0480> <class 'memoryview'>

创建1个NumPy矩阵 ;

有多种方法可以创建1个NumPy矩阵:
. 使用类的构造函数方法,numpy.array(...若干参数配置...), 输入数据来源可以是list或tuple,也可以是np的子类,如np.mat等
. 使用NumPy提供的一些API快速生成全零zeros,全1 ones,或空矩阵 empty
. 使用NumPy提供的一些序列API快速生成序列 arange, linspace..

使用array方法创建1个矩阵 ;

In [9]:
help(np.array)
Help on built-in function array in module numpy.core.multiarray:

array(...)
    array(object, dtype=None, copy=True, order='K', subok=False, ndmin=0)
    
    Create an array.
    
    Parameters
    ----------
    object : array_like
        An array, any object exposing the array interface, an object whose
        __array__ method returns an array, or any (nested) sequence.
    dtype : data-type, optional
        The desired data-type for the array.  If not given, then the type will
        be determined as the minimum type required to hold the objects in the
        sequence.  This argument can only be used to 'upcast' the array.  For
        downcasting, use the .astype(t) method.
    copy : bool, optional
        If true (default), then the object is copied.  Otherwise, a copy will
        only be made if __array__ returns a copy, if obj is a nested sequence,
        or if a copy is needed to satisfy any of the other requirements
        (`dtype`, `order`, etc.).
    order : {'K', 'A', 'C', 'F'}, optional
        Specify the memory layout of the array. If object is not an array, the
        newly created array will be in C order (row major) unless 'F' is
        specified, in which case it will be in Fortran order (column major).
        If object is an array the following holds.
    
        ===== ========= ===================================================
        order  no copy                     copy=True
        ===== ========= ===================================================
        'K'   unchanged F & C order preserved, otherwise most similar order
        'A'   unchanged F order if input is F and not C, otherwise C order
        'C'   C order   C order
        'F'   F order   F order
        ===== ========= ===================================================
    
        When ``copy=False`` and a copy is made for other reasons, the result is
        the same as if ``copy=True``, with some exceptions for `A`, see the
        Notes section. The default order is 'K'.
    subok : bool, optional
        If True, then sub-classes will be passed-through, otherwise
        the returned array will be forced to be a base-class array (default).
    ndmin : int, optional
        Specifies the minimum number of dimensions that the resulting
        array should have.  Ones will be pre-pended to the shape as
        needed to meet this requirement.
    
    Returns
    -------
    out : ndarray
        An array object satisfying the specified requirements.
    
    See Also
    --------
    empty_like : Return an empty array with shape and type of input.
    ones_like : Return an array of ones with shape and type of input.
    zeros_like : Return an array of zeros with shape and type of input.
    full_like : Return a new array with shape of input filled with value.
    empty : Return a new uninitialized array.
    ones : Return a new array setting values to one.
    zeros : Return a new array setting values to zero.
    full : Return a new array of given shape filled with value.
    
    
    Notes
    -----
    When order is 'A' and `object` is an array in neither 'C' nor 'F' order,
    and a copy is forced by a change in dtype, then the order of the result is
    not necessarily 'C' as expected. This is likely a bug.
    
    Examples
    --------
    >>> np.array([1, 2, 3])
    array([1, 2, 3])
    
    Upcasting:
    
    >>> np.array([1, 2, 3.0])
    array([ 1.,  2.,  3.])
    
    More than one dimension:
    
    >>> np.array([[1, 2], [3, 4]])
    array([[1, 2],
           [3, 4]])
    
    Minimum dimensions 2:
    
    >>> np.array([1, 2, 3], ndmin=2)
    array([[1, 2, 3]])
    
    Type provided:
    
    >>> np.array([1, 2, 3], dtype=complex)
    array([ 1.+0.j,  2.+0.j,  3.+0.j])
    
    Data-type consisting of more than one element:
    
    >>> x = np.array([(1,2),(3,4)],dtype=[('a','<i4'),('b','<i4')])
    >>> x['a']
    array([1, 3])
    
    Creating an array from sub-classes:
    
    >>> np.array(np.mat('1 2; 3 4'))
    array([[1, 2],
           [3, 4]])
    
    >>> np.array(np.mat('1 2; 3 4'), subok=True)
    matrix([[1, 2],
            [3, 4]])

In [10]:
a = np.array([2,3,4]) # 输入是1个list
print(a, type(a))
[2 3 4] <class 'numpy.ndarray'>
In [11]:
b = np.array((1.1, 2.2, 3.3, 4.4))#输入是一个tuple
print(b, '\n', b.dtype)
[1.1 2.2 3.3 4.4] 
 float64

使用API来创建特殊矩阵 ;

In [12]:
#help(np.zeros) #3个输入参数,第1个是tuple,第2个是默认float,第3个是顺序
#zeros(shape, dtype=float, order='C')
In [13]:
c = np.zeros((3,5)) #输入必须是tuple形式,因为函数要求该参数是shape,一个tuple类型
print(c, c.dtype) # 默认是浮点型
[[0. 0. 0. 0. 0.]
 [0. 0. 0. 0. 0.]
 [0. 0. 0. 0. 0.]] float64
In [14]:
d = np.ones((3,5)) # 默认是浮点型
print(d, d.dtype)
[[1. 1. 1. 1. 1.]
 [1. 1. 1. 1. 1.]
 [1. 1. 1. 1. 1.]] float64
In [15]:
e = np.empty((3,5)) #uninitialized, value might vary
print(e, e.dtype)
[[1. 1. 1. 1. 1.]
 [1. 1. 1. 1. 1.]
 [1. 1. 1. 1. 1.]] float64

使用API创建一个连续数字序列矩阵 ;

NumPy提供了一个类似range的方法:
arange([start,] stop[, step,], dtype=None)
它生成的是矩阵而不是list。start可选,默认是0,stop不包含在内,step可选,默认是1,但如果显式指定step,则也必须指定start

In [16]:
m = np.arange(10,60,5)
print(m, m.dtype)
[10 15 20 25 30 35 40 45 50 55] int64

np.arange也接受浮点型参数,

In [17]:
n1 = np.arange(0,2,0.3)
print(n1, n1.dtype)
[0.  0.3 0.6 0.9 1.2 1.5 1.8] float64

当arange使用浮点参数类型时,由于浮点数的精度有限,通常是不可能预测元素个数的。基于此原因,使用函数linspace来获得1个指定长度的数组而不是指定步长的方法更好

In [18]:
from numpy import pi
n2 = np.linspace(0,2,9) # try to get 9 numbers from [0,2]
print(n2, n2.size, n2.dtype)
n2
[0.   0.25 0.5  0.75 1.   1.25 1.5  1.75 2.  ] 9 float64
Out[18]:
array([0.  , 0.25, 0.5 , 0.75, 1.  , 1.25, 1.5 , 1.75, 2.  ])
In [19]:
x = np.linspace(0,2*pi, 100) #useful to evaluate function with lots of points
y = np.sin(x)
print(x.size, y.size)
100 100

See also
array, zeros, zeros_like, ones, ones_like, empty, empty_like, arange, linspace, numpy.random.rand, numpy.random.randn, fromfunction, fromfile

生成随机矩阵 ;

可以生成两类随机数

  1. 平均分布 uniform distribution over [0,1)
  2. 正态分布 Normal distribution over [0, 1) with mean =0, var=1

从上述两类得到的变体:

  1. [a, b]区间内的均匀分布 a+ np.random.rand(...)*(b-a)
  2. 其他高斯分布 For random samples from N(μ, σ2), use:
    σ * np.random.randn(...) + μ
In [20]:
r1 = np.random.rand(3,2)#矩阵维度直接指定。生成3行2列的平均分布的随机数矩阵,元素值[0, 1)
print(r1, r1.ndim, r1.shape)
[[0.05969819 0.64303967]
 [0.37734029 0.35924571]
 [0.0905795  0.88542814]] 2 (3, 2)
In [21]:
r2 = np.random.random_sample((5,))#此函数接受tuple型输入参数,5x1的数组
print(r2, r2.size)
#如输入为空,则返回1个float型值
r3 = np.random.random_sample()
print(r3, type(r3))
[0.10916041 0.55378529 0.20852716 0.53399439 0.43680484] 5
0.9156812151515386 <class 'float'>
In [22]:
r4 = np.random.randn(3, 2)#矩阵维度直接指定
print(r4, r4.shape)
[[ 1.24591934 -0.08638901]
 [ 0.87571162 -0.18334574]
 [ 0.65420764 -1.17529221]] (3, 2)
In [23]:
r5 = np.random.standard_normal((3,2)) #接受tuple类型尺寸, 功能同上
print(r5, r5.shape)
[[ 0.41336503  0.67111191]
 [-1.52571037  0.50968841]
 [-0.92002792 -1.19438837]] (3, 2)

矩阵打印 ;

矩阵可以直接用print函数打印,如果矩阵过大,则默认只打印出角落里的值,如果要强制显示全部值,则可以使用如下函数来改变打印选项:
np.set_printoptions(threshold=np.nan)

矩阵基本操作 ;

算数元素作用于每一个元素, Arithmatic operators on array apply elementwise. 会生成一个新的矩阵来保存计算结果。注意矩阵乘法是用dot函数来实现的,*表示标量乘法

In [24]:
a = np.array([20, 30, 40, 50])
b = np.arange(4)
c = a-b
d= b**2
e = 10* np.sin(a)
f = a < 35
g = a * 2

print('b=',b)
print("c=",c)
print("d=",d)
print("e=",e)
print("f=",f)
print("g=",g)
b= [0 1 2 3]
c= [20 29 38 47]
d= [0 1 4 9]
e= [ 9.12945251 -9.88031624  7.4511316  -2.62374854]
f= [ True  True False False]
g= [ 40  60  80 100]
In [25]:
A = np.arange(9).reshape(3,3)
B = A + 2
print('A=', A)
print('B=', B)
print("A.dot(b) = ", A.dot(B)) #矩阵乘法
print("np.dot(A,B) = ", np.dot(A, B))#也可以这样用矩阵乘法
A= [[0 1 2]
 [3 4 5]
 [6 7 8]]
B= [[ 2  3  4]
 [ 5  6  7]
 [ 8  9 10]]
A.dot(b) =  [[ 21  24  27]
 [ 66  78  90]
 [111 132 153]]
np.dot(A,B) =  [[ 21  24  27]
 [ 66  78  90]
 [111 132 153]]

有些矩阵自操作,如+=, *= 则不会生成新的结果矩阵,而是原位代替, replace in place

单目操作符 unary operations ;

很多都被定义成ndarry类的函数,如max,min,sum等,不指定axis则整体作为1个数组处理,若指定axis则沿该axis处理。

In [26]:
a = np.random.rand(2,3)
print(a)
print("a.max()=", a.max())
print('a.min()=', a.min())
print('a.sum()=', a.sum())
print('a.sum(axis=0) = ', a.sum(axis=0)) # axis =0, first dimision, len=2, each col
print('a.sum(axis=1) = ', a.sum(axis=1)) # axis =1, second dimision, len=3, each row
print('a.cumsum(axis=1) = ',a.cumsum(axis=1))#沿着row进行逐个累加计算
[[0.65089283 0.64929003 0.58093157]
 [0.97981652 0.10409195 0.20189544]]
a.max()= 0.979816518570041
a.min()= 0.10409194935285693
a.sum()= 3.166918343748847
a.sum(axis=0) =  [1.63070935 0.75338198 0.78282702]
a.sum(axis=1) =  [1.88111443 1.28580391]
a.cumsum(axis=1) =  [[0.65089283 1.30018286 1.88111443]
 [0.97981652 1.08390847 1.28580391]]

矩阵通用函数 ;

NumPy提供了一系列的通用库函数来加速处理,它们基本上都是作用于每一个元素的,然后生成一个新的结果矩阵。此类函数有sin, cos, exp,sqrt, add

See also

all, any, apply_along_axis, argmax, argmin, argsort, average, bincount, ceil, clip, conj, corrcoef, cov, cross, cumprod, cumsum, diff, dot, floor, inner, inv, lexsort, max, maximum, mean, median, min, minimum, nonzero, outer, prod, re, round, sort, std, sum, trace, transpose, var, vdot, vectorize, where

索引,分片,遍历 ;

1维数组类似Python的list,可以用索引,分片,遍历来访问元素

In [27]:
a = np.arange(10) **3  #10 items,
print(a)
[  0   1   8  27  64 125 216 343 512 729]
In [28]:
print(a[0], a[2])
0 8
In [29]:
print(a[2:5]) #[2,5) 
[ 8 27 64]
In [30]:
a[:6:2] = -1000
print(a[:6:2]) # same as print(a[0:6:2])
print(a)
[-1000 -1000 -1000]
[-1000     1 -1000    27 -1000   125   216   343   512   729]
In [31]:
for i in a:
    print(i**(1/3.)," ")
nan  
1.0  
nan  
3.0  
nan  
4.999999999999999  
5.999999999999999  
6.999999999999999  
7.999999999999999  
8.999999999999998  
/anaconda3/lib/python3.6/site-packages/ipykernel_launcher.py:2: RuntimeWarning: invalid value encountered in power
  

fraction power of a negative number is **NOT** defined in some languages(C) and not accurate in python

In [32]:
(-1000)**(1.0/3) # we expect this to output -10, but it will not.
Out[32]:
(5+8.660254037844384j)
In [33]:
(5+8.660254037844384j) **3  #very close to 1000
Out[33]:
(-999.9999999999993+3.410605131648481e-13j)

因此,针对复数的分数阶指数运算,比如开立方,可以根据实际情况,先用它的绝对值进行运算,然后再进行相应处理:

In [34]:
x = -1000.0
y = np.sign(x)*np.abs(x)**(1.0/3)
print(y)
-9.999999999999998

但注意不是总是适应,如开平方根,上述公式就不可以了

In [35]:
b = a[::-1]  #reverse a
print(b)
[  729   512   343   216   125 -1000    27 -1000     1 -1000]

多维数组可以用tuple形式的索引来访问 ;

In [36]:
def f(x,y):
    return 10*x+y

b = np.fromfunction(f, (5,4), dtype = int)#
print(b.shape)
print(b)
(5, 4)
[[ 0  1  2  3]
 [10 11 12 13]
 [20 21 22 23]
 [30 31 32 33]
 [40 41 42 43]]
In [37]:
print(b[2,3], b[2][3], b[(2,3)]) #三种访问方式都可以,注意索引从0开始。
23 23 23
In [38]:
print(b[0:5, 1]) #print 2nd col
print(b[:, 1]) #similar as in matlab, but index starts from zero
[ 1 11 21 31 41]
[ 1 11 21 31 41]

几点特殊标记 ;

  1. 当索引数值个数少于矩阵维数是,缺少的索引被认为全选:(complete slices)
In [39]:
print(b[-1])
print(b[-1,:]) #same, access last row
[40 41 42 43]
[40 41 42 43]
  1. 用省略号(3个连续点号)表示任意多的冒号
In [40]:
print(b[-1,...]) #same as below
print(b[-1,:])
[40 41 42 43]
[40 41 42 43]

遍历多维数组 ;

In [41]:
for row in b:
    print(row)
[0 1 2 3]
[10 11 12 13]
[20 21 22 23]
[30 31 32 33]
[40 41 42 43]

可以使用ndarry的flat属性访问所有element

In [42]:
#for element in b.flat:
#   print(element)

改变矩阵形状 ;

如下三个函数都返回一个修改过的矩阵,而原矩阵不变。 ravel,reshape,T

In [43]:
a = np.floor(10*np.random.random((3,4)))
print(a, a.dtype, a.shape)
[[8. 4. 7. 3.]
 [1. 8. 3. 5.]
 [7. 2. 6. 6.]] float64 (3, 4)
In [44]:
print(id(a),id(a.ravel()))
4666283872 4666282352
In [45]:
print(id(a),id(a.reshape(6,2)))
4666283872 4666284672
In [46]:
print(id(a),id(a.T), id(a.transpose()))
4666283872 4666285072 4666285072

和reshape不同, resize函数返回一个新矩阵的同时,也修改了原矩阵自身,**注意**

In [47]:
print(id(a),id(a.resize(2,6)))#id不同,表明生成了新矩阵
4666283872 4539547512
In [48]:
print(a.shape, a)#可以发现原矩阵也被改变了
(2, 6) [[8. 4. 7. 3. 1. 8.]
 [3. 5. 7. 2. 6. 6.]]

如果某个维度参数为-1, 则reshape函数会自动计算出该维度所需数值

In [49]:
print (a.reshape(3, -1))
[[8. 4. 7. 3.]
 [1. 8. 3. 5.]
 [7. 2. 6. 6.]]

叠加多个矩阵 ;

多个矩阵可以沿不同维度叠加,可以采用vstack, hstack

In [50]:
a = np.floor(10*np.random.rand(2,2))
b = np.floor(10*np.random.rand(2,2))
print("a=",a,"\nb=",b)
a= [[3. 9.]
 [3. 9.]] 
b= [[4. 8.]
 [8. 3.]]
In [51]:
print(np.vstack((a,b, a))) #输入参数是tuple形式,这样可以叠加多个
[[3. 9.]
 [3. 9.]
 [4. 8.]
 [8. 3.]
 [3. 9.]
 [3. 9.]]
In [52]:
print(np.hstack((a,b)))
[[3. 9. 4. 8.]
 [3. 9. 8. 3.]]
In [53]:
c = np.column_stack((a,b,[9,9],[11,11]))#将1D数组作为2D数组的列加入
print(c)
[[ 3.  9.  4.  8.  9. 11.]
 [ 3.  9.  8.  3.  9. 11.]]

但当两个都是1D数组时,column_stack会先把它们都转换成列向量,然后再叠加

In [54]:
print(np.column_stack((np.array([1,2]), np.array([3,4]))))
[[1 3]
 [2 4]]

将1个矩阵分成多个小矩阵 split ;

In [55]:
a = np.arange(24).reshape(2,12)
print(a)
[[ 0  1  2  3  4  5  6  7  8  9 10 11]
 [12 13 14 15 16 17 18 19 20 21 22 23]]

使用hsplit将a矩阵分割成几个小矩阵,结果是一个array,沿水平风向分隔。它可以接受1个整数参数来表示想均分的块数,也可以加1个包含多个整数列索引的tuple来指定从哪几个列后开始分割。vsplit类似,只是沿竖直方向分割。

In [56]:
b = np.hsplit(a, 3) #将a矩阵沿水平方向分割为3块,每块列数为4
print(type(b)) #b是个普通的python list类型
print(b)
print(type(b[0]))#b的元素每一个都是numpy.ndarray类型
print(b[0])
<class 'list'>
[array([[ 0,  1,  2,  3],
       [12, 13, 14, 15]]), array([[ 4,  5,  6,  7],
       [16, 17, 18, 19]]), array([[ 8,  9, 10, 11],
       [20, 21, 22, 23]])]
<class 'numpy.ndarray'>
[[ 0  1  2  3]
 [12 13 14 15]]
In [57]:
c = np.hsplit(a, (3,4))#将a矩阵从第3列后和第4列后分割,即c[0]包含前3列,c[1]包含1列, c[2]包含剩下的。
print(c[0])
print(c[1])
print(c[2])
[[ 0  1  2]
 [12 13 14]]
[[ 3]
 [15]]
[[ 4  5  6  7  8  9 10 11]
 [16 17 18 19 20 21 22 23]]

矩阵的复制和视图 ;

当操作矩阵时,它的数据有时会被复制到1个新的矩阵,而有时不会。这是初学者经常遇到的一个困扰。有如下三种情况:

1. 完全不复制。 ;

简单的赋值操作不会复制array的data,而是使用同一个内存区域,因此当改变1个矩阵时,另一个也会改变。类似C语言的指针或者C++里的reference。

In [58]:
a = np.arange(12)
b = a  # simple assignment, no copy at all
b is a
id(b) == id(a)
Out[58]:
True
In [59]:
b.shape
Out[59]:
(12,)
In [60]:
b.shape = (3,4)#改变b的形状,本质也改变了a
a
Out[60]:
array([[ 0,  1,  2,  3],
       [ 4,  5,  6,  7],
       [ 8,  9, 10, 11]])

函数调用时作为参数传入时,不复制。python函数调用时,可改变对象只传入它的参照reference,类似id或指针。

In [61]:
def f(x):
    x[0,0] = 15 #inside this function, the first element is changed
    print(id(x))#打印id验证
    
print(id(a))
print(a)
f(a)#调用函数,修改第1个元素的值为15
print(a) #函数执行完毕,值已经被更新。
4666342176
[[ 0  1  2  3]
 [ 4  5  6  7]
 [ 8  9 10 11]]
4666342176
[[15  1  2  3]
 [ 4  5  6  7]
 [ 8  9 10 11]]

2. View或浅copy View or shallow copy 我觉得可以翻译成影像和浅复制 ;

不同的矩阵对象可以共享同样数据。view方法创建了1个新的矩阵对象来look at same data,类似于映射。 View的shape改变不影响原矩阵,但是View的值改变时则会影响原矩阵做相应更新

In [62]:
print(a)
[[15  1  2  3]
 [ 4  5  6  7]
 [ 8  9 10 11]]

可以显式调用view方法来获取1个新的view(ndarry对象),也可以通过slicing(分片索引)得到。

In [63]:
c = a.view() # c is a new ndarray object,不同于a
print(id(c), id(a), id(c)==id(a), c is a)
print(type(c))
4666394464 4666342176 False False
<class 'numpy.ndarray'>
In [64]:
c.base is a #c是a的一个view,所以base是a
Out[64]:
True
In [65]:
c.flags #OWNDATA: False 表明它本身没有数据,而是查看别人数据。
Out[65]:
  C_CONTIGUOUS : True
  F_CONTIGUOUS : False
  OWNDATA : False
  WRITEABLE : True
  ALIGNED : True
  WRITEBACKIFCOPY : False
  UPDATEIFCOPY : False
In [66]:
c.shape = (2,6)#改变c的shape,打印后发现c的形式确实改变了。
print("c=",c)
print('a.shape=', a.shape)#但原矩阵形状不受影响,值也不受影响
print("a=", a)
c= [[15  1  2  3  4  5]
 [ 6  7  8  9 10 11]]
a.shape= (3, 4)
a= [[15  1  2  3]
 [ 4  5  6  7]
 [ 8  9 10 11]]
In [67]:
c[0,0] = 1234 #改变c的值,原矩阵也受影响。
print("c=",c)
print("a=", a)
c= [[1234    1    2    3    4    5]
 [   6    7    8    9   10   11]]
a= [[1234    1    2    3]
 [   4    5    6    7]
 [   8    9   10   11]]

矩阵的分块索引slicing就是获取了它的一个view

In [68]:
s = a[:, 1:3] #s包含了a的所有行和第2到第3列
print(s)
[[ 1  2]
 [ 5  6]
 [ 9 10]]

改变s的值会影响原矩阵a的值:

In [69]:
s[:] = 10 #将s的所有值都赋值为10,
print(s)
print(a)
[[10 10]
 [10 10]
 [10 10]]
[[1234   10   10    3]
 [   4   10   10    7]
 [   8   10   10   11]]

3. 深度复制 Deep copy ;

通过调用ndarray的copy方法来生成1个全新的对象,此对象和原矩阵互相独立,互不影响。

In [71]:
d = a.copy()
print("a=",a)
d[0,0] = 999
print("d=",d)
print("a=",a)
print(id(a), id(d), d.base is a)
a= [[1234   10   10    3]
 [   4   10   10    7]
 [   8   10   10   11]]
d= [[999  10  10   3]
 [  4  10  10   7]
 [  8  10  10  11]]
a= [[1234   10   10    3]
 [   4   10   10    7]
 [   8   10   10   11]]
4666342176 4666339776 False

高级矩阵索引方法和技巧 ;

看了下,就是类似Matlab的索引方法,索引可以不是整数数值,而是1个矩阵,如果该索引矩阵元素值是整数,则结果矩阵和该索引矩阵形状相同,值对应映射过去;如果该索引矩阵元素是逻辑值,则只有True的位置对应的元素被取出。

In [72]:
a = np.arange(12)**2
print(a)
[  0   1   4   9  16  25  36  49  64  81 100 121]
In [73]:
i = np.array([1,1,3,8,5])
print(a[i])
[ 1  1  9 64 25]
In [74]:
j = np.array([[3,4],[9,7]])
print("j=", j)
print("a[j]=", a[j])
j= [[3 4]
 [9 7]]
a[j]= [[ 9 16]
 [81 49]]

发表评论

邮箱地址不会被公开。