gpt4 book ai didi

python - 累积相对于原点的滑动窗口

转载 作者:行者123 更新时间:2023-12-02 18:49:34 25 4
gpt4 key购买 nike

我有一个形状为 (3,3) 的数组 A,可以将其视为形状为 的未知数组的滑动窗口 View (5,)。我想计算形状为 (5,) 的数组开窗的逆函数。其伴随运算将是求和。我的意思是,我想累积每个相应窗口中的值以及形状为 (5,) 的数组中的相关位置。当然,我对该反函数的预期输出和输入 A 并不相关,只是普通数组。我有两个例子,希望能更好地解释这一点。

A = np.array([[0, 0, 1],
[0, 0, 1],
[0, 0, 1]], dtype=np.float32)

我期望这个输出:

np.array([0, 0, 1, 1, 1])

另一个例子:

A = np.array([[1, 2, 3],
[2, 3, 4],
[3, 4, 5]], dtype=np.float32)

我期望这个输出:

np.array([1, 2+2, 3+3+3, 4+4, 5]) = np.array([1, 4, 9, 8, 5])

我的解决方案非常慢(结果存储在 out 中)

out = np.zeros(5, dtype=np.float32)
windows = np.lib.stride_tricks.as_strided(out, shape=(3,3), strides=(4,4))
for i in np.ndindex(windows.shape):
windows[i] += A[i]

写入跨步 View 感觉有点老套,我确信有更好的解决方案。

有没有办法以向量化的方式编写它,而不需要 for 循环? (这也概括了多个维度)

编辑

就更高维度的推广而言,我遇到过窗口取自图像(二维数组)的情况,而不是像上面的示例那样从一维数组中获取。对于 2d 情况,A 可以是大小为 3 的窗口。这意味着,对于形状为 (4,4) 的图像(输出),窗口 A 将具有形状 (2,2,3,3 )

A = np.array([[[[0, 0, 0],
[0, 1, 0],
[0, 0, 0]],

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


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

[[1, 0, 0],
[0, 0, 0],
[0, 0, 0]]]], dtype=np.float32)

使用Pablo给出的解决方案,我收到以下错误

value array of shape (2,2,3,3)  could not be broadcast to indexing result of shape (2,2)

使用我的跨步解决方案的稍微修改版本:

def inverse_sliding_windows(A, window_sz, image_sz):
out = np.zeros(image_sz, dtype=np.float32)
windows = np.lib.stride_tricks.sliding_window_view(out, window_sz, writeable=True)
for i in np.ndindex(windows.shape):
windows[i] += A[i]

window_sz = (3,3)
image_sz = (4,4)
inverse_sliding_windows(A, window_sz, image_sz)

输出:

array([[0., 0., 0., 0.],
[0., 4., 0., 0.],
[0., 0., 0., 0.],
[0., 0., 0., 0.]], dtype=float32)

为了澄清,窗口大小和输出形状是预先已知的,请参阅inverse_sliding_windows

最佳答案

正如我在评论中提到的,矢量化解决方案并不总是能保证更好的运行时间。如果您的矩阵很大,您可能更喜欢更有效的方法。矩阵旋转缓慢的原因有多种(尽管很直观),请参阅评论。

性能比较:

Solution: Wall time: 61.6 ms
Rotation: Wall time: 3.32 s

代码(在jupyter笔记本中测试)

import numpy as np

def rotate45_and_sum(A):
n = len(A)
x, y = np.meshgrid(np.arange(n), np.arange(n)) # at least doubled the running time
xn, yn = x + y, n - x + y - 1 # generating xn and yn at least doubled the running time
M = np.zeros((2*n -1, 2*n -1)) # at least slows down running time by a factor of 4
M[xn,yn] = A[x,y] # very inefficient indexing strategy
return M.sum(1)

def solution(A):
n = A.shape[0]
retval = np.zeros(2*n-1)
for i in range(n):
retval[i:(i+n)] += A[i, :]
return retval

A = np.random.randn(10000, 10000)

%time solution(A)

%time rotate45_and_sum(A)

在多维情况下:

def solution(A):
h,w,x,y = A.shape # change here
retval = np.zeros((2*x-w,2*y-h)) # change here
indices = np.ndindex(w, h) # change here
for index in indices:
slices = tuple()
for i in range(len(index)):
slices = slices + (slice(index[i], index[i]+x),) # I assume x = y = ..., you need to change here also if the assumption is not correct
retval[slices] += A[index] # slices is roughly equal `i:(i+x), j:(j+y)` in your code
return retval

实际上我不知道如何根据您的描述计算尺寸(或形状):(。但我认为它可以概括。这个想法是随着您的需要构建切片 。所以需要指定哪些维度对应h,w,哪些维度对应x,y。我想做到这一点并不难。

引用:Numpy index array of unknown dimensions?


关于https://stackoverflow.com/a/67341994/14923227


def fast(A):
n = A.shape[0]
retval = np.zeros(2*n-1)
for i in range(n):
retval[i:(i+n)] += A[i, :]
print(retval.sum())
return retval

##########################
import threading

class sumThread(threading.Thread):
def __init__(self, A, mat, threadID, ngroups, size):
threading.Thread.__init__(self)
self.threadID = threadID
self.size = size
self.ngroups = ngroups
self.mat = mat
self.A = A
def run(self):
begin = (self.size + self.ngroups) // self.ngroups * self.threadID
end = min(self.size, (self.size+self.ngroups)//self.ngroups*(self.threadID+1))
for i in range(begin, end):
self.mat[self.threadID, i:(i+self.size)] += self.A[i, :]

def faster(A):

num_threads = max(1, A.shape[0] // 4000)
mat = np.zeros((num_threads, 2*A.shape[0]-1))
threads = []
for i in range(num_threads):
t = sumThread(A, mat, i, num_threads, A.shape[0])
t.start()
threads.append(t)

# Wait for all threads to complete
for t in threads:
t.join()
return np.sum(mat, axis=0)


大型数组的性能:

A = np.random.randn(20000,20000)
%timeit fast(A) # 263 ms ± 5.21 ms per loop
%timeit faster(A) # 155 ms ± 3.14 ms per loop

enter image description here

fast 中并行化 for 循环非常简单。但 fast 实际上是最高效的缓存(即使对于 GPU 缓存和内存条也是如此),因此也是最快的计算方法。理想情况下,您可以使用 CUDA/OpenCL 并行化代码,因为 GPU 中有更多的内核。如果操作正确,运行时间将减少到 log(original_fast_time),基数为 k,其中 k 是您的核心数量有。

但是,该函数中只有少量计算。因此内存和 GRAM 之间的数据传输可能占主导地位。 (我没有测试过)

关于python - 累积相对于原点的滑动窗口,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/66978835/

25 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com