我已经实施了一个Gibbs采样器来生成纹理图像。根据{{1}}参数(shape(4)的数组),我们可以生成各种纹理。
这是我使用Numpy的初始函数:
beta
我们无法摆脱任何循环,因为它是一个迭代算法。因此,我试图通过使用Cython(使用静态类型)加快速度:
def gibbs_sampler(img_label, betas, burnin, nb_samples):
nb_iter = burnin + nb_samples
lst_samples = []
labels = np.unique(img)
M, N = img.shape
img_flat = img.flatten()
# build neighborhood array by means of numpy broadcasting:
m, n = np.ogrid[0:M, 0:N]
top_left, top, top_right = m[0:-2, :]*N + n[:, 0:-2], m[0:-2, :]*N + n[:, 1:-1] , m[0:-2, :]*N + n[:, 2:]
left, pix, right = m[1:-1, :]*N + n[:, 0:-2], m[1:-1, :]*N + n[:, 1:-1], m[1:-1, :]*N + n[:, 2:]
bottom_left, bottom, bottom_right = m[2:, :]*N + n[:, 0:-2], m[2:, :]*N + n[:, 1:-1], m[2:, :]*N + n[:, 2:]
mat_neigh = np.dstack([pix, top, bottom, left, right, top_left, bottom_right, bottom_left, top_right])
mat_neigh = mat_neigh.reshape((-1, 9))
ind = np.arange((M-2)*(N-2))
# loop over iterations
for iteration in np.arange(nb_iter):
np.random.shuffle(ind)
# loop over pixels
for i in ind:
truc = map(functools.partial(lambda label, img_flat, mat_neigh : 1-np.equal(label, img_flat[mat_neigh[i, 1:]]).astype(np.uint), img_flat=img_flat, mat_neigh=mat_neigh), labels)
# bidule is of shape (4, 2, labels.size)
bidule = np.array(truc).T.reshape((-1, 2, labels.size))
# theta is of shape (labels.size, 4)
theta = np.sum(bidule, axis=1).T
# prior is thus an array of shape (labels.size)
prior = np.exp(-np.dot(theta, betas))
# sample from the posterior
drawn_label = np.random.choice(labels, p=prior/np.sum(prior))
img_flat[(i//(N-2) + 1)*N + i%(N-2) + 1] = drawn_label
if iteration >= burnin:
print('Iteration %i --> sample' % iteration)
lst_samples.append(copy.copy(img_flat.reshape(M, N)))
else:
print('Iteration %i --> burnin' % iteration)
return lst_samples
然而,我最终得到了几乎相同的计算时间,numpy版本比Cython版本略快。
因此我试图改进Cython代码。
修改
对于这两个函数(Cython和没有Cython): 我已经取代了:
from __future__ import division
import numpy as np
import copy
cimport numpy as np
import functools
cimport cython
INTTYPE = np.int
DOUBLETYPE = np.double
ctypedef np.int_t INTTYPE_t
ctypedef np.double_t DOUBLETYPE_t
@cython.boundscheck(False)
@cython.wraparound(False)
@cython.nonecheck(False)
def func_for_map(label, img_flat, mat_neigh, i):
return (1-np.equal(label, img_flat[mat_neigh[i, 1:]])).astype(INTTYPE)
def gibbs_sampler(np.ndarray[INTTYPE_t, ndim=2] img_label, np.ndarray[DOUBLETYPE_t, ndim=1] betas, INTTYPE_t burnin=5, INTTYPE_t nb_samples=1):
assert img_label.dtype == INTTYPE and betas.dtype== DOUBLETYPE
cdef unsigned int nb_iter = burnin + nb_samples
lst_samples = list()
cdef np.ndarray[INTTYPE_t, ndim=1] labels
labels = np.unique(img_label)
cdef unsigned int M, N
M = img_label.shape[0]
N = img_label.shape[1]
cdef np.ndarray[INTTYPE_t, ndim=1] ind
ind = np.arange((M-2)*(N-2), dtype=INTTYPE)
cdef np.ndarray[INTTYPE_t, ndim=1] img_flat
img_flat = img_label.flatten()
# build neighborhood array:
cdef np.ndarray[INTTYPE_t, ndim=2] m
cdef np.ndarray[INTTYPE_t, ndim=2] n
m = (np.ogrid[0:M, 0:N][0]).astype(INTTYPE)
n = (np.ogrid[0:M, 0:N][1]).astype(INTTYPE)
cdef np.ndarray[INTTYPE_t, ndim=2] top_left, top, top_right, left, pix, right, bottom_left, bottom, bottom_right
top_left, top, top_right = m[0:-2, :]*N + n[:, 0:-2], m[0:-2, :]*N + n[:, 1:-1] , m[0:-2, :]*N + n[:, 2:]
left, pix, right = m[1:-1, :]*N + n[:, 0:-2], m[1:-1, :]*N + n[:, 1:-1], m[1:-1, :]*N + n[:, 2:]
bottom_left, bottom, bottom_right = m[2:, :]*N + n[:, 0:-2], m[2:, :]*N + n[:, 1:-1], m[2:, :]*N + n[:, 2:]
cdef np.ndarray[INTTYPE_t, ndim=3] mat_neigh_init
mat_neigh_init = np.dstack([pix, top, bottom, left, right, top_left, bottom_right, bottom_left, top_right])
cdef np.ndarray[INTTYPE_t, ndim=2] mat_neigh
mat_neigh = mat_neigh_init.reshape((-1, 9))
cdef unsigned int i
truc = list()
cdef np.ndarray[INTTYPE_t, ndim=3] bidule
cdef np.ndarray[INTTYPE_t, ndim=2] theta
cdef np.ndarray[DOUBLETYPE_t, ndim=1] prior
cdef unsigned int drawn_label, iteration
# loop over ICE iterations
for iteration in np.arange(nb_iter):
np.random.shuffle(ind)
# loop over pixels
for i in ind:
truc = map(functools.partial(func_for_map, img_flat=img_flat, mat_neigh=mat_neigh, i=i), labels)
bidule = np.array(truc).T.reshape((-1, 2, labels.size)).astype(INTTYPE)
theta = np.sum(bidule, axis=1).T
# ok so far
prior = np.exp(-np.dot(theta, betas)).astype(DOUBLETYPE)
# print('ok after prior')
# return 0
# sample from the posterior
drawn_label = np.random.choice(labels, p=prior/np.sum(prior))
img_flat[(i//(N-2) + 1)*N + i%(N-2) + 1] = drawn_label
if iteration >= burnin:
print('Iteration %i --> sample' % iteration)
lst_samples.append(copy.copy(img_flat.reshape(M, N)))
else:
print('Iteration %i --> burnin' % iteration)
return lst_samples
通过广播:
truc = map(functools.partial(lambda label, img_flat, mat_neigh : 1-np.equal(label, img_flat[mat_neigh[i, 1:]]).astype(np.uint), img_flat=img_flat, mat_neigh=mat_neigh), labels)
所有truc = 1-np.equal(labels[:, None], img_flat[mat_neigh[i, 1:]][None, :])
按np.arange
,现在的计算是通过Divakar建议的range
完成的。
这两个函数都比以前更快,但Python的速度仍然比Cython快一些。
答案 0 :(得分:3)
我已在您的来源上运行Cython in annotated mode,并查看了结果。也就是说,将其保存在q.pyx
中,我就跑了
cython -a q.pyx
firefox q.html
(当然,使用您想要的任何浏览器)。
代码颜色为深黄色,表示就Cython而言,代码远非静态类型。 AFAICT,分为两类。
在某些情况下,您可以更好地静态输入代码:
在for iteration in np.arange(nb_iter):
和for i in ind:
中,您需要为每次迭代支付约30 C行。请参阅here如何在Cython中高效访问numpy
数组。
在truc = map(functools.partial(func_for_map, img_flat=img_flat, mat_neigh=mat_neigh, i=i), labels)
中,您并没有从静态类型中获得任何好处。我建议您cdef
使用func_for_map
函数,然后自行调用它。
在其他情况下,您正在调用numpy
矢量化函数,例如theta = np.sum(bidule, axis=1).T
,prior = np.exp(-np.dot(theta, betas)).astype(DOUBLETYPE)
等。在这些情况下,Cython实际上并没有多少一个好处。
答案 1 :(得分:2)
如果您希望加速NumPy代码,我们可以提高内部循环内部的性能,并希望这可以转化为一些整体改进。
所以,我们有:
theta = np.sum(bidule, axis=1).T
prior = np.exp(-np.dot(theta, betas))
在一步中结合求和和矩阵乘法,我们会有 -
np.dot(np.sum(bidule, axis=1).T, betas)
现在,这涉及沿轴进行求和,然后在逐元素乘法后求和。在许多工具中,我们有np.einsum
来帮助我们,特别是因为我们可以一次性执行这些减少,就像这样 -
np.einsum('ijk,i->k',bidule,betas)
运行时测试 -
In [98]: # Setup
...: N = 100
...: bidule = np.random.rand(4,2,N)
...: betas = np.random.rand(4)
...:
In [99]: %timeit np.dot(np.sum(bidule, axis=1).T, betas)
100000 loops, best of 3: 12.4 µs per loop
In [100]: %timeit np.einsum('ijk,i->k',bidule,betas)
100000 loops, best of 3: 4.05 µs per loop
In [101]: # Setup
...: N = 10000
...: bidule = np.random.rand(4,2,N)
...: betas = np.random.rand(4)
...:
In [102]: %timeit np.dot(np.sum(bidule, axis=1).T, betas)
10000 loops, best of 3: 157 µs per loop
In [103]: %timeit np.einsum('ijk,i->k',bidule,betas)
10000 loops, best of 3: 90.9 µs per loop
所以,希望在运行多次迭代时,加速会很明显。
答案 2 :(得分:1)
This answer很好地解释了为什么Numpy效率低下并且你仍然想要使用Cython。基本上是:
np.sum(bidule, axis=1)
; 在这种情况下,要从Cython中受益,你必须用 plain Python循环替换Numpy数组操作--Cython必须能够将它转换为C代码,否则没有意义。这并不意味着你必须重写所有Numpy函数,你必须对它有所了解。
例如,你应该摆脱mat_neigh
和bidule
数组,只需循环索引和求和。
另一方面,您应该保留(规范化的)prior
数组并继续使用np.random.choice
。这并不是一个简单的方法(嗯......见source for choice
)。不幸的是,这意味着这部分可能会成为性能瓶颈。