当前位置: 首页 > news >正文

肯尼亚网站域名合肥高端网站建设设计公司

肯尼亚网站域名,合肥高端网站建设设计公司,seo用什么工具,wordpress调用文章排序这篇文章比较长#xff0c;请耐心看空间域滤波基础线性滤波可分离滤波器核空间域滤波和频率域滤波的一些重要比较如何构建空间滤波器第一种卷积方法#xff08;公式法#xff09;第二种卷积的方法#xff08;可分离核#xff09;第三种方法#xff08;img2col)这是分离核… 这篇文章比较长请耐心看空间域滤波基础线性滤波可分离滤波器核空间域滤波和频率域滤波的一些重要比较如何构建空间滤波器第一种卷积方法公式法第二种卷积的方法可分离核第三种方法img2col)这是分离核与公式法的结果对比下面是各种卷积的运算时间的比较书上的一些习题先上基础后面有许多的程序代码 空间域滤波基础 滤波是指通过、修改或抑制图像的规定频率分量 通过低频的滤波器称为低通滤波器 通过模糊图像来平滑图像 通过高频的滤波器称为高通滤波器 线性空间滤波器 空间滤波通过把每个像素的值替换为该像素及其邻域的函数值来修改图像如果 对图像像素执行的运算是线性的则称为线性空间滤波器 空间域是通过卷积运算而达到滤波的效果。 而频率域滤波是通过傅里叶变换到频率域利用乘法运行达到滤波的效果 卷积是空间域滤波的基础它等效于频率域中的乘法反之亦然空间域中振幅为A的冲激是频率域中值为A的一个常数反之亦然 线性滤波 线性空间滤波器在图像fff和滤波器核www之间执行乘积和运算。 核 是一个阵列其大小定义了运算的邻域也称为滤波器核核模板窗口 滤波器的响应g(x,y)g(x,y)g(x,y)是核系数和和核所覆盖图像像素的乘积之和 g(x,y)w(−1,−1)f(x−1,y−1)w(−1,0)f(x−1,y)⋯w(0,0)f(x,y)⋯w(1,1)f(x1,y1)(3.30)g(x, y) w(-1, -1)f(x-1, y-1) w(-1, 0)f(x-1, y) \dots w(0,0)f(x,y) \dots w(1, 1)f(x1, y1)\tag{3.30}g(x,y)w(−1,−1)f(x−1,y−1)w(−1,0)f(x−1,y)⋯w(0,0)f(x,y)⋯w(1,1)f(x1,y1)(3.30) 坐标xxx和yyy变化时核的中心逐个像素地移动并在移动过程中生产滤波后的图像ggg m×nm \times{n}m×n的核对大小为M×NM \times{N}M×N的图像的线性空间滤波可以表示为 g(x,y)∑s−aa∑t−bbw(s,t)f(xs,yt)(3.31)g(x, y) \sum_{s-a}^{a} \sum_{t-b}^{b} w(s,t)f(xs, yt) \tag{3.31}g(x,y)s−a∑a​t−b∑b​w(s,t)f(xs,yt)(3.31) m2a1,n2b1m 2a 1, n 2b 1m2a1,n2b1 离散冲激强度振幅 δ(x−x0,y−y0){A,x0xandy0y0,others(3.33)\delta(x - x_0, y - y_0) \begin{cases} A, x_0 x and y_0 y \\0, \text{others} \end{cases} \tag{3.33}δ(x−x0​,y−y0​){A,0,​x0​xandy0​yothers​(3.33) 式(3.31)相关重写如下: (w⋆f)(x,y)∑s−aa∑t−bbw(s,t)f(xs,yt)(3.34)(w\star{f})(x,y) \sum_{s-a}^{a} \sum_{t-b}^{b} w(s,t)f(xs, yt) \tag{3.34}(w⋆f)(x,y)s−a∑a​t−b∑b​w(s,t)f(xs,yt)(3.34) 注:式中的黑色星在书上是空星星LaTex找了半天也没有找到这个字符对应的。 卷积的定义 (w⋆f)(x,y)∑s−aa∑t−bbw(s,t)f(x−s,y−t)(3.35)(w\star{f})(x,y) \sum_{s-a}^{a} \sum_{t-b}^{b} w(s,t)f(x - s, y - t) \tag{3.35}(w⋆f)(x,y)s−a∑a​t−b∑b​w(s,t)f(x−s,y−t)(3.35) 线性空间滤波和空间卷积是同义的 卷积和相关的一些基本性质 性质卷积 相关 交换律f⋆gg⋆ff \star{g} g \star{f}f⋆gg⋆f-结合律f⋆(g⋆h)(f⋆g)⋆hf \star{(g \star{h})} (f \star{g}) \star{h}f⋆(g⋆h)(f⋆g)⋆h-分配律f⋆(gh)(f⋆g)(f⋆h)f \star{(g h)} (f \star{g}) (f \star{h})f⋆(gh)(f⋆g)(f⋆h)f⋆(gh)(f⋆g)(f⋆h)f \star{(g h)} (f \star{g}) (f \star{h})f⋆(gh)(f⋆g)(f⋆h) 图像有时是被顺序地、分段地滤波即卷积的每个阶段会使用不同的核对于QQQ个阶段同的滤波图像fff首先用核w1w_1w1​滤波结果再用核w2w_2w2​滤波以此类推由于总面积满足交换律因此这多阶段的滤波可在音效滤波运算w⋆fw \star{f}w⋆f中完成。 ww1⋆w2⋆w3⋆…⋆wQ(3.38)w w_1 \star{w_2} \star{w_3} \star{\ldots} \star{w_{Q}} \tag{3.38}ww1​⋆w2​⋆w3​⋆…⋆wQ​(3.38) 可分离滤波器核 若二维函数G(x,y)G(x, y)G(x,y)可写成一维函数G1(x)G_{1}(x)G1​(x)和G2(x)G_{2}(x)G2​(x)的乘积即G(x,y)G1(x)G2(y)G(x, y) G_{1}(x) G_{2}(y)G(x,y)G1​(x)G2​(y)则它是可分离的。 空间滤波器核是一个矩阵而可分离核是一个能够表示为两个向量的外积的矩阵。 w[111111]crT[11][111]w \begin{bmatrix} 1 1 1 \\ 1 1 1 \end{bmatrix} cr^{T} \begin{bmatrix} 1 \\ 1 \end{bmatrix} \begin{bmatrix} 1 1 1 \end{bmatrix}w[11​11​11​]crT[11​][1​1​1​] 大小为m×nm \times{n}m×n的可分离核表示为两个向量vvv和www的外积 wvwT(3.41)w vw^T \tag{3.41}wvwT(3.41) vvv和www分别是是大小为m×1m\times{1}m×1和n×1n\times{1}n×1的向量 m×mm\times{m}m×m方形核可以写成 wvvT(3.42)w vv^T \tag{3.42}wvvT(3.42) 如果一个核www可分解为两个更简单的核并且满足ww1⋆w2w w_1 \star{w_2}ww1​⋆w2​则有 w⋆f(w1⋆w2)⋆f(w2⋆w1)⋆fw2⋆(w1⋆f)w1⋆(w2⋆f)(3.43)w \star{f} (w_1 \star{w_2}) \star{f} (w_2 \star{w_1}) \star{f} w_2 \star{(w_1} \star{f}) w_1 \star{(w_2} \star{f}) \tag{3.43}w⋆f(w1​⋆w2​)⋆f(w2​⋆w1​)⋆fw2​⋆(w1​⋆f)w1​⋆(w2​⋆f)(3.43) 对于大小为M×NM \times{N}M×N的图像和大小为m×nm \times{n}m×n的核需要MNmnMNmnMNmn将乘法和加法运算。如果是可分离核分别运算则需要MN(mn)MN(mn)MN(mn)次乘法和加法运算。因此使用可分离核执行卷积运算相对于不可分离核执行卷积的计算优势定义为: CMNmnMN(mn)mnmn(3.44)C \frac{MNmn}{MN(m n)} \frac{mn}{mn} \tag{3.44}CMN(mn)MNmn​mnmn​(3.44) 怎样确定核是否可分离 只需要确定其秩是否为1因为分离的向量的秩都是为1的 确定某个核的矩阵秩为1后就很容易求出两个向量vvv和www因为它们的外积vwTvw^TvwT等于这个核求可分离核的步骤 在核中找到任何一个非零元素并将其值表示为EEE。形成向量ccc和rrr它们分别等于核中包含步骤1中找到的元素的那一行和那一列。参考式(3.41)令vcv cvc和wTr/Ew^T r/EwTr/E。 我们的目的是找到两个一维核w1w_1w1​和w2w_2w2​以便实现一维卷积。根据前面的表示方法有w1cv,w2r/EwTw_1 c v, w_2 r/E w^Tw1​cv,w2​r/EwT。对于圆对称的核通过核的中心的列描述整个核即wvvT/cw vv^T /cwvvT/c其中ccc是中心系数的值则一维分量是w1vw_1 vw1​v和w2vT/cw_2 v^T /cw2​vT/c。 空间域滤波和频率域滤波的一些重要比较 卷积是空间域滤波的基础它等效于频度域的乘法反之亦然。空间域中振幅为AAA的冲激是频率域中值为AAA的一个常数反之亦然。 如何构建空间滤波器 根据其数学性质 计算邻域像素平均值的滤波器会模糊图像类似于积分 计算图像局部导数滤波器会锐化图像。 对形状具有所需性质的二维空间函数进行取样 高斯函数 的样本可以构建加权平均低通滤波器 设计具有规定频率响应的空间滤波器 一维滤波器值可以表示为向量vvv而二维可分离核可用式(3.42)得到 近似于圆对称函数的二维核 程序部分 程序里也许多注释如有不明也可以给我留言或者发信息 def kernel_seperate(kernel):get kernel seperate vector if separableparam: kernel: input kerel of the filterreturn two separable vector c, rrank np.linalg.matrix_rank(kernel)if rank 1:#-----------------Numpy------------------c np.min(kernel, axis1)r np.min(kernel, axis0)#------------------Loop------------------# r w[0, :]# c []# for i in range(w.shape[0]):# temp int((w[i, :] / r)[0])# c.append(temp)else:print(Not separable)# c np.array(c).reshape(-1, 1) # r np.array(r).reshape(-1, 1)return c, r第一种卷积方法公式法 根据公式用循环写的方法的命名为算术平均实际上是基础的一个离散卷积运算。 这种方法就是效率比较低但是大核也可以运算不会爆内存 def arithmentic_mean(image, kernel)::param image: input image:param kernel: input kernel:return: image after convolutionimg_h image.shape[0]img_w image.shape[1]m kernel.shape[0]n kernel.shape[1]# paddingpadding_h int((m - 1)/2)padding_w int((n - 1)/2)image_pad np.pad(image.copy(), [(padding_h, padding_h), (padding_w, padding_w)], modeconstant, constant_values0)image_convol image.copy().astype(np.float)for i in range(padding_h, img_h padding_h):for j in range(padding_w, img_w padding_w):temp np.sum(image_pad[i-padding_h:ipadding_h1, j-padding_w:jpadding_w1] * kernel)image_convol[i - padding_h][j - padding_w] temp # 1/(m * n) * tempreturn image_convol, image_pad第二种卷积的方法可分离核 如果核不可分离的话不可以用此方法 此种方法效率很高而且大的核也不会爆内存就是需要核可分离 def separate_kernel_conv2D(img, kernel):separable kernel convolution 2D, if 2D kernel not separable, then canot use this fuction. in the fuction. first need toseperate the 2D kernel into two 1D vectors.param: img: input image you want to implement 2d convolution with 2d kernelparam: kernel: 2D separable kernel, such as Gaussian kernel, Box Kernelreturn image after 2D convolutionm, n kernel.shape[:2]pad_h int((m - 1) / 2)pad_w int((n - 1) / 2)w_1, w_2 kernel_seperate(kernel)convovle np.vectorize(np.convolve, signature(x),(y)-(k))r_2 convovle(img, w_2)r_r np.rot90(r_2)r_1 convovle(r_r, w_1)r_1 r_1.Tr_1 r_1[:, ::-1]img_dst img.copy().astype(np.float)img_dst r_1[pad_h:-pad_h, pad_w:-pad_w]return img_dst第三种方法img2col) 此方效率虽然比第一种高但比第二种低但是需要大量的内存才能实现尤其是大核很容易爆内存错误 def img2col(image, kernel_shape, paddingsame, modeconstant, strides1):image to col fuctionparam: image: input image you want to change to colparam: kernel_shape: input shape of the kernel, normally is a tuple, like (3, 3)param: padding: string, valid values valid and same, valid then not padding, output shape will be smaller than inputimage, same padding the input image, output image will be same shape as input imageparam: mode: padding mode, please refere to numpy.pad. valid string values are constant, edge, linear_ramp, maximum, mean, median, minimum, reflect, symmetric, wrapparam: strides: strides of the slidding window, default is 1height, width image.shape[:2]kernel_h, kernel_w kernel_shape[:2]# paddingif padding same:padding here only consider convolution, not strides result_shape np.array([height , width])pad_h (kernel_h - 1) // 2pad_w (kernel_w - 1) // 2image_new np.pad(image, [(pad_h, pad_h), (pad_w, pad_w)], modemode)elif padding valid:result_shape np.array([(height - kernel_h 1), (width - kernel_w 1)])image_new image image2col np.zeros((kernel_h*kernel_w, (result_shape[0]//strides) * (result_shape[1]//strides)))count 0for h in range(0, result_shape[0], strides):for w in range(0, result_shape[1], strides):cur_item image_new[h:hkernel_h, w:wkernel_w].reshape(-1)image2col[:, count] cur_item count 1return image2col, result_shape // stridesdef my_conv2d(image, kernel, paddingsame, modeconstant, strides1):convolution implement using img2colparam: image: input image you want to change to implement convolutionparam: kernel: kernelparam: padding: string, valid values valid and same, valid then not padding, output shape will be smaller than inputimage, same padding the input image, output image will be same shape as input imageparam: mode: padding mode, please refere to numpy.pad. valid string values are constant, edge, linear_ramp, maximum, mean, median, minimum, reflect, symmetric, wrapparam: strides: strides of the slidding window, default is 1image2col, result_shape img2col(image, kernel.shape, paddingpadding, modemode, stridesstrides)kernel_flatten kernel.reshape(1, -1)convolve np.matmul(kernel_flatten, image2col)return convolve.reshape(result_shape[0], result_shape[1])这是为了实现效果而写的方法 def visualize_input(img, ax):add annotation to the image, values of each pixelparam: img: input imageparam: ax: axes of the matplotlibax.imshow(img, cmapgray, vmin0, vmax255)width, height img.shapethresh 100#img.max()/2.5for x in range(width):for y in range(height):ax.annotate(str(round(img[x][y],2)), xy(y,x),horizontalalignmentcenter,verticalalignmentcenter,colorwhite if img[x][y]thresh else black)def visualize_kernel(img, ax):add annotation to kernel w(0, 0)param: img: input imageparam: ax: axes of the matplotlibax.imshow(img, cmapgray, vmin0, vmax255), ax.set_xticks([]), ax.set_yticks([])width, height img.shapethresh img.max()/2.5for x in range(width):for y in range(height):ax.annotate(w str((x - 1, y - 1)), xy(y,x),horizontalalignmentcenter,verticalalignmentcenter,colorwhite if img[x][y]thresh else black)def visualize_image(img, ax):add annotation to kernel with f(x, y)param: img: input imageparam: ax: axes of the matplotlibax.imshow(img, cmapgray, vmin0, vmax255), ax.set_xticks([]), ax.set_yticks([])width, height img.shapethresh img.max()/2.5for x in range(width):for y in range(height):ax.annotate(f str((x str(x - 1), y str(y - 1))), xy(y,x),horizontalalignmentcenter,verticalalignmentcenter,colorwhite if img[x][y]thresh else black)# 线性空间滤波的原理图 height, width 10, 10 img_ori get_check(height, width, lower230, upper255)grid_size (3, 3) m grid_size[0] n grid_size[1]img_ori[height//2-m:height//2, width//2-n:width//2] img_ori[height//2-m:height//2, width//2-n:width//2] - 100 img_dst img_ori[height//2-m:height//2, width//2-n:width//2]fig plt.figure(figsize(15, 6))plt.subplot(1, 3, 1), plt.imshow(img_ori, cmapgray, vmin0, vmax255), plt.title(fConvolution) plt.xticks([]), plt.yticks([])ax2 fig.add_subplot(1, 3, 2) ax2.set_title(Kernel), visualize_kernel(img_dst, ax2)ax3 fig.add_subplot(1, 3, 3) ax3.set_title(Image), visualize_image(img_dst, ax3)plt.tight_layout() plt.show()def visualize_show_annot(img_show, img_annot, ax):add annotation to the image, values of each pixelparam: img: input imageparam: ax: axes of the matplotlibheight, width img_annot.shapeimg_show img_show[:height, :width]ax.imshow(img_show, cmapgray, vmin0, vmax255)thresh 100 #img_show.max()/2.5for x in range(height):for y in range(width):ax.annotate(str(round(img_annot[x][y],2)), xy(y,x),horizontalalignmentcenter,verticalalignmentcenter,colorwhite if img_annot[x][y]thresh else black)# 线性空间滤波的原理图为了好看原图像显示为灰色 height, width 5, 5 img_show np.ones([height, width], dtypenp.uint8) * 180 img_ori np.zeros([height, width], dtypenp.uint8) img_ori[2, 2] 1kernel np.arange(1, 10).reshape(3, 3) img_dst, img_pad arithmentic_mean(img_ori, kernel)fig plt.figure(figsize(10, 10)) # fig.subplots_adjust(leftNone, bottomNone, rightNone, topNone,wspace0.1, hspace0.1) ax1 fig.add_subplot(2, 2, 1) ax1.set_title(Original f), visualize_show_annot(img_show, img_ori, ax1), plt.xticks([]), plt.yticks([])height, width 7, 7 img_show np.ones([height, width], dtypenp.uint8) * 180 ax2 fig.add_subplot(2, 2, 2) ax2.set_title(Padded f), visualize_show_annot(img_show, img_pad, ax2), plt.xticks([]), plt.yticks([])ax3 fig.add_subplot(2, 2, 3) ax3.set_title(Kernel), visualize_show_annot(img_show, kernel, ax3), plt.xticks([]), plt.yticks([])ax4 fig.add_subplot(2, 2, 4) ax4.set_title(Result), visualize_show_annot(img_show, img_dst, ax4), plt.xticks([]), plt.yticks([])plt.tight_layout() plt.show()# 旋转kernel得到的结果 height, width 5, 5 img_show np.ones([height, width], dtypenp.uint8) * 190 img_ori np.zeros([height, width], dtypenp.uint8) img_ori[2, 2] 1kernel np.arange(1, 10)[::-1].reshape(3, 3) img_dst, img_pad arithmentic_mean(img_ori, kernel)fig plt.figure(figsize(10, 10)) # fig.subplots_adjust(leftNone, bottomNone, rightNone, topNone,wspace0.1, hspace0.1) ax1 fig.add_subplot(2, 2, 1) ax1.set_title(Original f), visualize_show_annot(img_show, img_ori, ax1), plt.xticks([]), plt.yticks([])height, width 7, 7 img_show np.ones([height, width], dtypenp.uint8) * 180 ax2 fig.add_subplot(2, 2, 2) ax2.set_title(Padded f), visualize_show_annot(img_show, img_pad, ax2), plt.xticks([]), plt.yticks([])ax3 fig.add_subplot(2, 2, 3) ax3.set_title(Kernel), visualize_show_annot(img_show, kernel, ax3), plt.xticks([]), plt.yticks([])ax4 fig.add_subplot(2, 2, 4) ax4.set_title(Result), visualize_show_annot(img_show, img_dst, ax4), plt.xticks([]), plt.yticks([])plt.tight_layout() plt.show()这是分离核与公式法的结果对比 # 可分离卷积核与全核卷积结果一样上面的结果 height, width 5, 5 img_show np.ones([height, width], dtypenp.uint8) * 180 img_ori np.zeros([height, width], dtypenp.uint8) img_ori[1:4, 2] 1# Separate kernel w np.array([[1, 2, 1], [2, 4, 2], [1, 2, 1]]) w_1, w_2 kernel_seperate(w) w_1 w_1.reshape(-1, 1) w_2 w_2.reshape(-1, 1) img_w_1, img_pad_1 arithmentic_mean(img_ori, w_1) img_w_2, img_pad_2 arithmentic_mean(img_w_1, w_2.T)fig plt.figure(figsize(15, 10)) ax1 fig.add_subplot(2, 3, 1) ax1.set_title(Original f), visualize_show_annot(img_show, img_ori, ax1), plt.xticks([]), plt.yticks([])height, width 7, 7 img_show np.ones([height, width], dtypenp.uint8) * 180 ax2 fig.add_subplot(2, 3, 2) ax2.set_title(img_pad_1), visualize_show_annot(img_show, img_pad_1, ax2), plt.xticks([]), plt.yticks([])ax3 fig.add_subplot(2, 3, 3) ax3.set_title(img_pad_2), visualize_show_annot(img_show, img_pad_2, ax3), plt.xticks([]), plt.yticks([])ax4 fig.add_subplot(2, 3, 4) ax4.set_title(img_w_1), visualize_show_annot(img_show, img_w_1, ax4), plt.xticks([]), plt.yticks([])ax5 fig.add_subplot(2, 3, 5) ax5.set_title(img_w_2), visualize_show_annot(img_show, img_w_2, ax5), plt.xticks([]), plt.yticks([])plt.tight_layout() plt.show()# 可分离卷积核与全核卷积结果一样上面的结果 # import time height, width 5, 5 # img_show np.ones([height, width], dtypenp.uint8) * 180 # img_ori np.zeros([height, width], dtypenp.uint8) # img_ori[1:4, 2] 1 img_ori np.arange(1, height*width1).reshape(height, width)# Separate kernel w np.array([[1, 2, 1], [2, 4, 2], [1, 2, 1]]) w_1, w_2 kernel_seperate(w) w_1 w_1.reshape(-1, 1) w_2 w_2.reshape(-1, 1) img_w_1, img_pad_1 arithmentic_mean(img_ori, w_1) img_w_2, img_pad_2 arithmentic_mean(img_w_1, w_2.T)fig plt.figure(figsize(15, 10)) ax1 fig.add_subplot(2, 3, 1) ax1.set_title(Original f), visualize_show_annot(img_show, img_ori, ax1), plt.xticks([]), plt.yticks([])height, width 7, 7 img_show np.ones([height, width], dtypenp.uint8) * 180 ax2 fig.add_subplot(2, 3, 2) ax2.set_title(img_pad_1), visualize_show_annot(img_show, img_pad_1, ax2), plt.xticks([]), plt.yticks([])ax3 fig.add_subplot(2, 3, 3) ax3.set_title(img_pad_2), visualize_show_annot(img_show, img_pad_2, ax3), plt.xticks([]), plt.yticks([])ax4 fig.add_subplot(2, 3, 4) ax4.set_title(img_w_1), visualize_show_annot(img_show, img_w_1, ax4), plt.xticks([]), plt.yticks([])ax5 fig.add_subplot(2, 3, 5) ax5.set_title(img_w_2), visualize_show_annot(img_show, img_w_2, ax5), plt.xticks([]), plt.yticks([])img_img2col my_conv2d(img_ori, w, paddingsame, modeconstant).astype(int) ax6 fig.add_subplot(2, 3, 6) ax6.set_title(img_img2col), visualize_show_annot(img_show, img_img2col, ax6), plt.xticks([]), plt.yticks([])plt.tight_layout() plt.show()下面是各种卷积的运算时间的比较 可以看出可分离核11x11大小的核numpy的运算效率也是很高的。 # 全核卷积与分离核单独做卷积没有优化所以分离核时间比是全核卷积的一倍 # 这里只做展示结果不重要 import timeheight, width 512, 512 img_show np.ones([height, width], dtypenp.uint8) * 180 img_ori np.zeros([height, width], dtypenp.uint8) img_ori[1:4, 2] 1# Kernel # w np.array([[1, 2, 1], [2, 4, 2], [1, 2, 1]]) w np.ones([11, 11])# Loop convolution comsum more time, but not need very big memory start_time time.time() img_dst arithmentic_mean(img_ori, w) elapse time.time() - start_time print(fFull kernel covolution elapse - {elapse}s)# img2col, bit faster than loop, but need very more memory, if kernel is too big, cannot carry on start_time time.time() img_dst my_conv2d(img_ori, w) elapse time.time() - start_time print(fImg2col covolution elapse - {elapse}s)# Separable Kernel convolution optimized by Numpy, run very fast, but the kernel has to be separable start_time time.time() img_dst separate_kernel_conv2D(img_ori, w) elapse time.time() - start_time print(fSeperate kernel covolution optimized elapse - {elapse}s)# Separable kernel not optimized start_time time.time() w_1, w_2 kernel_seperate(w) w_1 w_1.reshape(-1, 1) w_2 w_2.reshape(-1, 1) img_w_1, img_pad_1 arithmentic_mean(img_ori, w_1) img_w_2, img_pad_2 arithmentic_mean(img_w_1, w_2.T) elapse time.time() - start_time print(fseparate kernel covolution elapse - {elapse}s)# opencv run very fast, but not actual convolution start_time time.time() img_dst cv2.filter2D(img_ori, -1, w) elapse time.time() - start_time print(fOpencv elapse - {elapse}s)Full kernel covolution elapse - 1.2127759456634521s Img2col covolution elapse - 0.584395170211792s Seperate kernel covolution optimized elapse - 0.009973526000976562s separate kernel covolution elapse - 2.176215887069702s Opencv elapse - 0.004025936126708984s在接下来的文章也会有这几种卷积方法效果的对比 书上的一些习题 # 习题3.20 w np.array([[1, 2, 1], [2, 4, 2], [1, 2, 1]]) print(w) print() rank np.linalg.matrix_rank(w) print(fKernels rank is - {rank}\n) c, r kernel_seperate(w) print(Two vector are below:) print(fvector c - {c}, vector r - {r}\n) print(fcv.T - \n{c.reshape(-1, 1) * r.reshape(-1, 1).T})[[1 2 1][2 4 2][1 2 1]]Kernels rank is - 1Two vector are below: vector c - [1 2 1], vector r - [1 2 1]cv.T - [[1 2 1][2 4 2][1 2 1]]# 习题3.20 height, width 5, 5 img_show np.ones([height, width], dtypenp.uint8) * 180 img_ori np.zeros([height, width], dtypenp.uint8) img_ori[1:4, 2] 1w np.array([[1, 2, 1], [2, 4, 2], [1, 2, 1]]) kernel w img_dst, img_pad arithmentic_mean(img_ori, kernel)fig plt.figure(figsize(10, 10)) # fig.subplots_adjust(leftNone, bottomNone, rightNone, topNone,wspace0.1, hspace0.1) ax1 fig.add_subplot(2, 2, 1) ax1.set_title(Original f), visualize_show_annot(img_show, img_ori, ax1), plt.xticks([]), plt.yticks([])height, width 7, 7 img_show np.ones([height, width], dtypenp.uint8) * 180 ax2 fig.add_subplot(2, 2, 2) ax2.set_title(Padded f), visualize_show_annot(img_show, img_pad, ax2), plt.xticks([]), plt.yticks([])ax3 fig.add_subplot(2, 2, 3) ax3.set_title(Kernel), visualize_show_annot(img_show, kernel, ax3), plt.xticks([]), plt.yticks([])ax4 fig.add_subplot(2, 2, 4) ax4.set_title(Result), visualize_show_annot(img_show, img_dst, ax4), plt.xticks([]), plt.yticks([])plt.tight_layout() plt.show()# 习题3.22 # (a) v np.array([[1], [2], [1]]) w_T np.array([2, 1, 1, 3]) w v * w_T.T print(w) rank np.linalg.matrix_rank(w) print(fKernels rank is - {rank}) # rank 1所以是可分离的[[2 1 1 3][4 2 2 6][2 1 1 3]] Kernels rank is - 1# 习题3.22 # (b) w np.array([[1, 3, 1], [2, 6, 2]]) print(w) rank np.linalg.matrix_rank(w) print(fKernels rank is - {rank}) w_1, w_2 kernel_seperate(w) w_r w_1.reshape(-1, 1) * w_2.reshape(-1, 1).T print(w w_r)[[1 3 1][2 6 2]] Kernels rank is - 1 [[ True True True][ True True True]]# 习题3.22 # (c) w np.array([[2, 1, 1, 3],[4, 2, 2, 6],[2, 1, 1, 3]]) print(w) rank np.linalg.matrix_rank(w) print(fKernels rank is - {rank}) w_1, w_2 kernel_seperate(w) w_1 w_1.reshape(-1, 1) w_2 w_2.reshape(-1, 1) w_r w_1 * w_2.T print(w w_r)[[2 1 1 3][4 2 2 6][2 1 1 3]] Kernels rank is - 1 [[ True True True True][ True True True True][ True True True True]]
http://www.huolong8.cn/news/370732/

相关文章:

  • 网站建设案例简介怎么写网站活动打造
  • 广州公司做网站运城做网站方式方法
  • 自助个人网站免费推广网站大全网
  • wordpress ip 跳转湛江网站优化
  • 北京工程质量建设协会网站如何修改网站title
  • 扁平式网站源码flash分享网站
  • 泉州做网站seo网站前台架构
  • asp.net个人网站模板二级建造师个人注册查询系统
  • 不用付费不用登录的网站网上超市怎么做
  • 找国外人做网站做网站的重要性
  • 南昌优化网站分析东莞建网站公司
  • 阿里云成功备案的网站增加域名深圳西乡网站建设
  • seo网站推广杭州网页设计实训报告1500字通用
  • 网站内容策略网站内链结构是什么意思
  • 黄骅市住房和城乡建设局网站网速
  • php开源网站制作手机网站建设
  • 怎么给网站做seo优化公司要想做个网站这么弄
  • 泉州建站模板搭建网站平台建设合同模版
  • 央企网站群建设中标公告wordpress 禁止删除分类
  • pdf怎么做电子书下载网站辽宁建设工程信息网查询系统
  • 做英文小工具网站赚钱建站公司常见提成比例
  • 在线做视频网站织梦网站标题被篡改
  • 石家庄做手机网站建设凉州区住房城乡建设局网站
  • 自适应文章网站模板pc端网站优缺点
  • 网站图片制作化工集团网站建设 中企动力
  • 网站上全景云台怎么做的怎么做网络游戏推广
  • 织梦 帝国 php cms 媒体网站 哪个重庆旅游攻略
  • phpcmsv9蓝色简洁下载网站模板福建百川建设有限公司网站
  • 网站建设 竞赛 方案个人官网网站源码
  • 酒店网站方案邢台企业网站制作公司