NumPy 广播机制与 C 语言扩展
共 4526字,需浏览 10分钟
·
2020-10-14 22:14
前两篇主要针对 NumPy 中的基本概念,即高维数组 ndarray 的数据结构以及关键方法作了介绍。本篇重点介绍广播机制以及针对高维数组的轴操作,最后对 NumPy 的 C 语言扩展作了介绍。
广播机制 转置等轴操作 通用函数 ufunc
NumPy
之C
语言扩展
1广播
NumPy 运算通常是在两个数组的元素级别上进行的。最简单情况就是,两个具有完全相同 shape 的数组运算,如下面例子所示,
a = np.array([1.0, 2.0, 3.0])
b = np.array([2.0, 2.0, 2.0])
a * b
numpy 的广播机制是指在执行算术运算时处理不同 shape 的数组的方式。在一定规则下,较小的数组在较大的数组上广播,从而使得数组具有兼容的 shape。
a = np.array([1.0, 2.0, 3.0])
b = 2.0
a * b
发现这两个计算的结果是一样的,但第二个是有广播机制在发挥作用。
广播规则
在两个数组上执行运算时,NumPy 比较它们的形状。它从 shape 的最右边开始往左一一比较。如果所有位子比较下来都是下面两种情况之一,
相同位子上的两个数字相等 或者其中之一是 1
那么这两个数组可以运算。如果不满足这些条件,则将引发 ValueError,表明数组的 shape 不兼容。
可见,数组的 shape 好比人的八字,两个人如果八字不合,那是不能在一起滴。
在下面这些示例中,A 和 B 数组中长度为 1 的那些轴(缺失的轴自动补 1),在广播期间会扩展为另一个数组相同位子上更大的长度,
A (3d array): 15 x 3 x 5
B (3d array): 15 x 1 x 5
Result (3d array): 15 x 3 x 5
A (3d array): 15 x 3 x 5
B (2d array): 3 x 5
Result (3d array): 15 x 3 x 5
A (3d array): 15 x 3 x 5
B (2d array): 3 x 1
Result (3d array): 15 x 3 x 5
A (4d array): 8 x 1 x 6 x 1
B (3d array): 7 x 1 x 5
Result (4d array): 8 x 7 x 6 x 5
下面例子中第一个数组的 shape 为 (3,3),第二个数组的 shape 为 (3,),此时相当于 (1,3),因此先将第二个数组的 shape 改为 (3,3),相当于原来数组沿着 0 轴再复制 2 份。
MatA = np.array([[1, 2, 3],[4,5,6],[7,8,9]])
MatB = np.array([1, 2, 3])
MatA + MatB
为了更好地理解这个机制,下面再给出几个例子。下图共三行,分别对应三种广播方式,请对照后面代码。
a = np.array([0,10,20,30])
b = np.array([0,1,2])
A = np.stack((a,a,a), axis=1)
B = np.stack((b,b,b,b))
# 对应第一种情况
A + B
# 对应第二种情况
A + b
a1 = np.array([[0,10,20,30]]).T
# 对应第三种情况
a1 + b
而下面例子不满足广播规则,因而不能执行运算。
A (1d array): 3
B (1d array): 4 # 倒数最后的轴长度不兼容
A (2d array): 4 x 3
B (1d array): 4 # 倒数最后的轴长度不兼容
A (2d array): 2 x 1
B (3d array): 8 x 4 x 3 # 倒数第二个轴长度不兼容
广播机制小结
广播机制为数组运算提供了一种便捷方式。 话虽如此,它并非在所有情况下都有效,并且实际上强加了执行广播必须满足的严格规则。 仅当数组中每个维的形状相等或维的大小为 1 时,才能执行算术运算。
2维度增减
维度增加
在需要增加轴的位子使用 np.newaxis
或者 None
。
x = np.arange(6).reshape(2,3)
x, x.shape
x1 = x[:,np.newaxis,:]
x1, x1.shape
# 或者
x2 = x[:,None,:]
x2, x2.shape
维度压缩
有时候需要将数组中多余的轴去掉,以降低数组维度的目的。
numpy.squeeze( )
从数组中删除单维度的轴,即把 shape 中为 1 的维度去掉。
x = np.arange(6).reshape(2,1,3)
y = x.squeeze()
xd = x.__array_interface__['data'][0]
yd = y.__array_interface__['data'][0]
3数组转置(换轴)
x = np.arange(9).reshape(3, 3)
y = np.transpose(x) # 或者 y = x.transpose() 或者 x.T
y = np.transpose(x, [1, 0])
x = np.array([3,2,1,0,4,5,6,7,8,9,10,11,12,13,14,15]).reshape(2, 2, 4)
y1 = np.transpose(x, [1, 0, 2])
请对照下图理解这个三维数组在内存中的样子以及对它的不同视图(view)。关于这点,文末附上的进阶篇有详细解读。
y2 = np.transpose(x, [2, 0, 1])
# 代码放一起
x = np.array([3,2,1,0,4,5,6,7,8,9,10,11,12,13,14,15]).reshape(2, 2, 4)
y0 = np.transpose(x, [1, 2, 0])
y1 = np.transpose(x, [1, 0, 2])
y2 = np.transpose(x, [2, 0, 1])
看看变轴后各个数组的元素具体是怎样的,注意,它们都指向同一份数据。
这是怎么实现对内存中同一份数据使用不同的轴序呢?实际上,数据还是那些数据,更改的是各个轴上的步长 stride。
x.strides, y1.strides, y2.strides
# 数据还是同一份
id(x.data), id(y1.data), id(y2.data)
再看一个例子,三维数组有三个轴,注意换轴后每个轴的步长。
x = np.arange(16).reshape(2, 2, 4)
y = x.transpose((1, 0, 2))
两个数组三个轴对应的步长不同了。
轴更换后,下标也跟着换了,所以换轴前后相同下标指向的数据是不同的。
其实,轴的意义主要体现在步长上,所以换轴一定意义上就是更换了步长。
实际例子
RGB 图像数据
每张图像由红绿蓝三个通道组成,每个通道对应一个 32×32
的二维数组
看下图,从左到右,分别对应图像数据在内存中的存放,将一维数组转化为三维数组,更换轴。
那么,为什么要换轴呢?因为不同程序包对数据的要求不同,我们为了使用它们,需要按照它们对参数的要求来对数据作相应调整。
而有时候,并不需要换轴,只需要更换某个轴上元素的次序即可,例如,
# 变换某个轴上元素的次序
z = x[..., (3, 2, 1, 0)]
4通用函数
ufunc 函数
ufunc 是 universal function 的缩写,是指能对数组的每个元素进行操作的函数,而不是针对 narray 对象操作。 NumPy 提供了大量的 ufunc 函数。这些函数在对 narray 进行运算的速度比使用循环或者列表推导式要快得多。 NumPy 内置的许多 ufunc 函数是 C 语言实现的,因此计算效率很高。
x = np.linspace(0, 2*np.pi, 5)
y, z = np.sin(x), np.cos(x)
# 将结果直接传给输入 x
np.sin(x, x)
性能比较
import time
import math
import numpy as np
x = [i for i in range(1000000)]
# math.sin
start = time.process_time()
for i, t in enumerate(x):
x[i] = math.sin(t)
math_time = time.process_time()-start
# numpy.sin
x = np.array(x, dtype=np.float64)
start = time.process_time()
np.sin(x, x)
numpy_time = time.process_time()-start
# comparison
math_time, numpy_time, math_time/numpy_time
reduce 操作
这是 NumPy 内置的通用函数,如果需要这样的计算,建议直接使用,不要自己实现。 沿着轴对数组进行操作,相当于将运算符
插入到沿轴的所有子数组或者元素当中。格式为: .reduce (array=, axis=0, dtype=None)
np.add.reduce([1,2,3])
np.add.reduce([[1,2,3],[4,5,6]], axis=1)
np.multiply.reduce([[1,2,3],[4,5,6]], axis=1)
accumulate 操作
这也是 NumPy 内置的通用函数,如果需要这样的计算,建议直接使用,不要自己实现。
与 reduce 类似,只是它返回的数组和输入的数组的 shape 相同,保存所有的中间计算结果。
np.add.accumulate([1,2,3])
np.add.accumulate([[1,2,3],[4,5,6]], axis=1)
自定义 ufunc 函数
# 定义一个 python 函数
def ufunc_diy(x):
c, c0, hc = 0.618, 0.518, 1.0
x = x - int(x)
if x >= c:
r = 0.0
elif x < c0:
r = x / c0 * hc
else:
r = (c-x) / (c-c0) * hc
return r
x = np.linspace(0, 2, 1000000)
ufunc_diy(x)
start = time.process_time()
y1 = np.array([ufunc_diy(t) for t in x])
time_1 = time.process_time()-start
time_1
np.frompyfunc 函数
将一个计算单个元素的函数转换成 ufunc 函数
ufunc = np.frompyfunc(ufunc_diy, 1, 1)
start = time.process_time()
y2 = ufunc(x)
time_2 = time.process_time()-start
time_2
NumPy 之 C 扩展
本文主要介绍两种扩展方式,
ctypes Cython
ctypes
ctypes 是 Python 的一个外部库,提供和 C 语言兼容的数据类型,可以很方便地调用 dll/so 中输出的 C 接口函数。
#ufunc.c
'''
void ufunc_diy(double x, double y, int size) {
double xx,r,c=0.618,c0=0.518,hc=1.0;
for(int i=0;i xx = x[i]-(int)(x[i]);
if (xx>=c) r=0.0;
else if (xx else r=(c-xx)/(c-c0)*hc;
y[i]=r;
}
}
'''
#ufunc.py
""" Example of wrapping a C library function that accepts a C double array as
input using the numpy.ctypeslib. """
import numpy as np
import numpy.ctypeslib as npct
from ctypes import c_int
array_1d_double = npct.ndpointer(dtype=np.double, ndim=1, flags='CONTIGUOUS')
# load the library, using numpy mechanisms
lib = npct.load_library("lib_ufunc", ".")
# setup the return types and argument types
lib.ufunc_diy.restype = None
lib.ufunc_diy.argtypes = [array_1d_double, array_1d_double, c_int]
def ufunc_diy_func(in_array, out_array):
return lib.ufunc_diy(in_array, out_array, len(in_array))
# 编译
# gcc -shared -fPIC -O2 ufunc.c -ldl -o lib_ufunc.so
import time
import numpy as np
import ufunc
start = time.process_time()
ufunc.ufunc_diy_func(x, x)
end = time.process_time()
print("ufunc_diy time: ", end-start)
# python test_ufunc.py
# ufunc_diy time: 0.003 - 0.008
Cython
Cython 是 Python 的一个超集,可以编译为 C,Cython 结合了 Python 的易用性和原生 C 代码的高效率。
# ufunc_diy.h
void ufunc_diy(double in_array, double out_array, int size);
# ufunc_diy.c
void ufunc_diy(double x, double y, int size) {
double xx,r,c=0.618,c0=0.518,hc=1.0;
for(int i=0;i xx = x[i]-(int)(x[i]);
if (xx>=c) r=0.0;
else if (xx else r=(c-xx)/(c-c0)*hc;
y[i]=r;
}
}
# Cython支持 NumPy
# 在代码中声明 a = np.array([0,10,20,30])
b = np.array([0,1,2])cimport numpy,使用函数。
#_ufunc_cython.pyx_
""" Example of wrapping a C function that takes C double arrays as input using
the Numpy declarations from Cython """
# cimport the Cython declarations for numpy
cimport numpy as np
# if you want to use the Numpy-C-API from Cython
# (not strictly necessary for this example, but good practice)
np.import_array()
# cdefine the signature of our c function
cdef extern from "ufunc_diy.h":
void ufunc_diy (double in_array, double out_array, int size)
# create the wrapper code, with numpy type annotations
def ufunc_diy_func(np.ndarray[double, ndim=1, mode="c"] in_array not Noa = np.array([0,10,20,30])
b = np.array([0,1,2])ne,
np.ndarray[double, ndim=1, mode="c"] out_array not None):
ufunc_diy( np.PyArray_DATA(in_array),
np.PyArray_DATA(out_array),
in_array.shape[0])
# setup.py
from distutils.core import setup, Extension
import numpy
from Cython.Distutils import build_ext
setup(
cmdclass={'build_ext': build_ext},
ext_modules=[Extension("ufunc_cython",
sources=["_ufunc_cython.pyx", "ufunc_diy.c"],
include_dirs=[numpy.get_include()])],
)
# 或者
from distutils.core import setup
import numpy
from Cython.Build import cythonize
setup(
ext_modules=cythonize("_ufunc_cython.pyx", annotate=True),
include_dirs=[numpy.get_include()]
)
# 编译
python setup.py build_ext --inplace
可以看到多了两个文件,一个是 _ufunc_cython.c
,一个是 ufunc_cython.so
(如果是 windows,则是 .pyd)。
c
文件就是 cython
将 pyx
文件解析成一个 c
文件,它不依赖平台,而 so
或者 pyd
文件,则是将 c
文件进行编译后的动态链接库,依赖于平台。import time
import numpy as np
import ufunc_cython
start = time.process_time()
ufunc_cython.ufunc_diy_func(x, x)
end = time.process_time()
print("ufunc_diy time: ", end-start)
NumPy 快速修炼必备知识 1
NumPy 快速修炼必备知识 2
NumPy 进阶 之 数组初探 3: 图解 view 和 copy 2