当前位置:   article > 正文

Python 图像滤波 代码实现 (sobel、average、gaussian、laplace)_python 手撕实现sobel

python 手撕实现sobel

过滤 :是信号和图像处理中基本的任务。其目的是根据应用环境的不同,选择性的提取图像中某些认为是重要的信息。过滤可以移除图像中的噪音、提取感兴趣的可视特征、允许图像重采样等等。

频域分析 :将图像分成从低频到高频的不同部分。低频对应图像强度变化小的区域,而高频是图像强度变化非常大的区域。

在频率分析领域的框架中,滤波器是一个用来增强图像中某个波段或频率并阻塞(或降低)其他频率波段的操作。低通滤波器是消除图像中高频部分,但保留低频部分。高通滤波器消除低频部分。

滤波(高通、低通、带通、带阻) 、模糊、去噪、平滑等。
 

图像在频域里面,频率低的地方说明它是比较平滑的,因为平滑的地方灰度值变化比较小,而频率高的地方通常是边缘或者噪声,因为这些地方往往是灰度值突变的。

  • 所谓高通滤波就是保留频率比较高的部分,即突出边缘;
  • 低通滤波就是保留频率比较低的地方,即平滑图像,弱化边缘,消除噪声。

实现sobel算子的卷积操作(提取边缘轮廓)

在pytorch中实现将sobel算子和卷积层结合来提取图像中物体的边缘轮廓图,如下代码是卷积执行soble边缘检测算子的实现:

  1. import torch
  2. import numpy as np
  3. from torch import nn
  4. from PIL import Image
  5. from torch.autograd import Variable
  6. import torch.nn.functional as F
  7. # https://blog.csdn.net/weicao1990/article/details/100521530
  8. def nn_conv2d(im):
  9. # 用nn.Conv2d定义卷积操作
  10. conv_op = nn.Conv2d(1, 1, 3, bias=False)
  11. # 定义sobel算子参数
  12. sobel_kernel = np.array([[-1, -1, -1], [-1, 8, -1], [-1, -1, -1]], dtype='float32')
  13. # 将sobel算子转换为适配卷积操作的卷积核
  14. sobel_kernel = sobel_kernel.reshape((1, 1, 3, 3))
  15. # 给卷积操作的卷积核赋值
  16. conv_op.weight.data = torch.from_numpy(sobel_kernel)
  17. # 对图像进行卷积操作
  18. edge_detect = conv_op(Variable(im))
  19. # 将输出转换为图片格式
  20. edge_detect = edge_detect.squeeze().detach().numpy()
  21. return edge_detect
  22. def functional_conv2d(im):
  23. sobel_kernel = np.array([[-1, -1, -1], [-1, 8, -1], [-1, -1, -1]], dtype='float32') #
  24. sobel_kernel = sobel_kernel.reshape((1, 1, 3, 3))
  25. weight = Variable(torch.from_numpy(sobel_kernel))
  26. edge_detect = F.conv2d(Variable(im), weight)
  27. edge_detect = edge_detect.squeeze().detach().numpy()
  28. return edge_detect
  29. def main():
  30. # 读入一张图片,并转换为灰度图
  31. im = Image.open('./cat.jpg').convert('L')
  32. # 将图片数据转换为矩阵
  33. im = np.array(im, dtype='float32')
  34. # 将图片矩阵转换为pytorch tensor,并适配卷积输入的要求
  35. im = torch.from_numpy(im.reshape((1, 1, im.shape[0], im.shape[1])))
  36. # 边缘检测操作
  37. # edge_detect = nn_conv2d(im)
  38. edge_detect = functional_conv2d(im)
  39. # 将array数据转换为image
  40. im = Image.fromarray(edge_detect)
  41. # image数据转换为灰度模式
  42. im = im.convert('L')
  43. # 保存图片
  44. im.save('edge.jpg', quality=95)
  45. if __name__ == "__main__":
  46. main()

效果展示: 

左图:原图;右图:边缘轮廓图。

使用不同的卷积滤波核(sobal、average、Gaussian、Laplace)

四种算子:

  • sobel_Gy = [[-1,0,1],[-2,0,2],[-1,0,1]]
  • Average = [[1/9,1/9,1/9],[1/9,1/9,1/9],[1/9,1/9,1/9]]
  • Gaussian = [[1/16,2/16,1/16],[2/16,4/16,2/16],[1/16,2/16,1/16]]
  • Laplace = [[-1,-1,-1],[-1,9,-1],[-1,-1,-1]] 
  1. '''
  2. 滤波与卷积
  3. '''
  4. # https://blog.csdn.net/m0_43609475/article/details/112447397
  5. import cv2
  6. import numpy as np
  7. import matplotlib.pyplot as plt
  8. def Padding(image,kernels_size,stride = [1,1],padding = "same"):
  9. '''
  10. 对图像进行padding
  11. :param image: 要padding的图像矩阵
  12. :param kernels_size: list 卷积核大小[h,w]
  13. :param stride: 卷积步长 [左右步长,上下步长]
  14. :param padding: padding方式
  15. :return: padding后的图像
  16. '''
  17. if padding == "same":
  18. h,w = image.shape
  19. p_h =max((stride[0]*(h-1)-h+kernels_size[0]),0) # 高度方向要补的0
  20. p_w =max((stride[1]*(w-1)-w+kernels_size[1]),0) # 宽度方向要补的0
  21. p_h_top = p_h//2 # 上边要补的0
  22. p_h_bottom = p_h-p_h_top # 下边要补的0
  23. p_w_left = p_w//2 # 左边要补的0
  24. p_w_right = p_w-p_w_left # 右边要补的0
  25. # print(p_h_top,p_h_bottom,p_w_left,p_w_right) # 输出padding方式
  26. padding_image = np.zeros((h+p_h, w+p_w), dtype=np.uint8)
  27. for i in range(h):
  28. for j in range(w):
  29. padding_image[i+p_h_top][j+p_w_left] = image[i][j] # 将原来的图像放入新图中做padding
  30. return padding_image
  31. else:
  32. return image
  33. def filtering_and_convolution(image,kernels,stride,padding = "same"):
  34. '''
  35. :param image: 要卷积的图像
  36. :param kernels: 卷积核 列表
  37. :param stride: 卷积步长 [左右步长,上下步长]
  38. :param padding: padding方式 “same”or“valid”
  39. :return:
  40. '''
  41. image_h,image_w = image.shape
  42. kernels_h,kernels_w = np.array(kernels).shape
  43. # 获取卷积核的中心点
  44. kernels_h_core = int(kernels_h/2+0.5)-1
  45. kernels_w_core = int(kernels_w/2+0.5)-1
  46. if padding == "valid":
  47. # 计算卷积后的图像大小
  48. h = int((image_h-kernels_h)/stride[0]+1)
  49. w = int((image_w-kernels_w)/stride[1]+1)
  50. # 生成卷积后的图像
  51. conv_image = np.zeros((h,w),dtype=np.uint8)
  52. # 计算遍历起始点
  53. h1_start = kernels_h//2
  54. w1_start = kernels_w//2
  55. ii=-1
  56. for i in range(h1_start,image_h - h1_start,stride[0]):
  57. ii += 1
  58. jj = 0
  59. for j in range(w1_start,image_w - w1_start,stride[1]):
  60. sum = 0
  61. for x in range(kernels_h):
  62. for y in range(kernels_w):
  63. # print(i,j,int((i/image_h)*h),int((j/image_w)*w), i-kernels_h_core + x, j-kernels_w_core+y,x,y)
  64. sum += int(image[i-kernels_h_core+x][j-kernels_w_core+y]*kernels[x][y])
  65. conv_image[ii][jj] = sum
  66. jj += 1
  67. return conv_image
  68. if padding == "same":
  69. # 对原图进行padding
  70. kernels_size = [kernels_h, kernels_w]
  71. pad_image = Padding(image,kernels_size,stride,padding="same")
  72. # 计算卷积后的图像大小
  73. h = image_h
  74. w = image_w
  75. # 生成卷积后的图像
  76. conv_image = np.zeros((h,w),dtype=np.uint8)
  77. # # 计算遍历起始点
  78. h1_start = kernels_h//2
  79. w1_start = kernels_w//2
  80. ii=-1
  81. for i in range(h1_start,image_h - h1_start,stride[0]):
  82. ii +=1
  83. jj = 0
  84. for j in range(w1_start,image_w - w1_start,stride[1]):
  85. sum = 0
  86. for x in range(kernels_h):
  87. for y in range(kernels_w):
  88. sum += int(image[i-kernels_h_core+x][j-kernels_w_core+y]*kernels[x][y])
  89. conv_image[ii][jj] = sum
  90. jj += 1
  91. return conv_image
  92. def sobel_filter(image):
  93. h = image.shape[0]
  94. w = image.shape[1]
  95. image_new = np.zeros(image.shape, np.uint8)
  96. for i in range(1, h - 1):
  97. for j in range(1, w - 1):
  98. sx = (image[i + 1][j - 1] + 2 * image[i + 1][j] + image[i + 1][j + 1]) - \
  99. (image[i - 1][j - 1] + 2 * image[i - 1][j] + image[i - 1][j + 1])
  100. sy = (image[i - 1][j + 1] + 2 * image[i][j + 1] + image[i + 1][j + 1]) - \
  101. (image[i - 1][j - 1] + 2 * image[i][j - 1] + image[i + 1][j - 1])
  102. image_new[i][j] = np.sqrt(np.square(sx) + np.square(sy))
  103. # image_new[i][j] = sy
  104. return image_new
  105. # 设置matplotlib正常显示中文和负号
  106. plt.rcParams['font.sans-serif']=['SimHei'] # 用黑体显示中文
  107. plt.rcParams['axes.unicode_minus']=False # 正常显示负号
  108. img = cv2.imread('lenna.png',1)
  109. img_gray = cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)
  110. plt.subplot(331)
  111. plt.imshow(img_gray,cmap="gray")
  112. plt.title("原图")
  113. sobel_Gy = [[-1,0,1],[-2,0,2],[-1,0,1]]
  114. Average = [[1/9,1/9,1/9],[1/9,1/9,1/9],[1/9,1/9,1/9]]
  115. Gaussian = [[1/16,2/16,1/16],[2/16,4/16,2/16],[1/16,2/16,1/16]]
  116. Laplace = [[-1,-1,-1],[-1,9,-1],[-1,-1,-1]]
  117. stride=[1,1]
  118. img_sobel_Gy = filtering_and_convolution(img_gray,sobel_Gy,stride,padding="same")
  119. img_Average = filtering_and_convolution(img_gray,Average,stride,padding="same")
  120. img_Gaussian = filtering_and_convolution(img_gray,Gaussian,stride,padding="same")
  121. img_Laplace = filtering_and_convolution(img_gray,Laplace,stride,padding="same")
  122. plt.subplot(332)
  123. plt.imshow(img_sobel_Gy,cmap = "gray")
  124. plt.title("sobel_Gy")
  125. plt.subplot(333)
  126. plt.imshow(img_Average,cmap = "gray")
  127. plt.title("Average")
  128. plt.subplot(334)
  129. plt.imshow(img_Gaussian,cmap = "gray")
  130. plt.title("Gaussian")
  131. plt.subplot(335)
  132. plt.imshow(img_Laplace,cmap = "gray")
  133. plt.title("Laplace")
  134. plt.show()

均值模糊(低通滤波)、中值模糊(中值滤波)

  • 均值滤波:典型的线性滤波算法,它是指在图像上对目标像素给一个模板,该模板包括了其周围的临近像素(以目标像素为中心的周围8个像素,构成一个滤波模板,即去掉目标像素本身),再用模板中的全体像素的平均值来代替原来像素值。
  • 中值滤波法是一种非线性平滑技术,它将每一像素点的灰度值设置为该点某邻域窗口内的所有像素点灰度值的中值。
     
  1. import cv2
  2. import numpy as np
  3. # https://wangsp.blog.csdn.net/article/details/82872838
  4. def blur_demo(image):
  5. """
  6. 均值模糊 : 去随机噪声有很好的去噪效果
  7. (1, 15)是垂直方向模糊,(15, 1)是水平方向模糊
  8. """
  9. dst = cv2.blur(image, (1, 15))
  10. cv2.imshow("avg_blur_demo", dst)
  11. def median_blur_demo(image): # 中值模糊 对椒盐噪声有很好的去燥效果
  12. dst = cv2.medianBlur(image, 5)
  13. cv2.imshow("median_blur_demo", dst)
  14. def custom_blur_demo(image):
  15. """
  16. 用户自定义模糊
  17. 下面除以25是防止数值溢出
  18. """
  19. kernel = np.ones([5, 5], np.float32)/25
  20. dst = cv2.filter2D(image, -1, kernel)
  21. cv2.imshow("custom_blur_demo", dst)
  22. src = cv2.imread("./fapiao.png")
  23. img = cv2.resize(src,None,fx=0.8,fy=0.8,interpolation=cv2.INTER_CUBIC)
  24. cv2.imshow('input_image', img)
  25. blur_demo(img)
  26. median_blur_demo(img)
  27. custom_blur_demo(img)
  28. cv2.waitKey(0)
  29. cv2.destroyAllWindows()
右上:原图;左上:均值滤波图;右下:中值滤波图;左下:自定义模糊图。

边缘保留滤波EPF

进行边缘保留滤波通常用到两个方法:高斯双边滤波和均值迁移滤波。

  • 双边滤波(Bilateral filter)是一种非线性的滤波方法,是结合图像的空间邻近度和像素值相似度的一种折中处理,同时考虑空域信息和灰度相似性,达到保边去噪的目的。
  • 双边滤波器顾名思义比高斯滤波多了一个高斯方差 σ-d,它是基于空间分布的高斯滤波函数,所以在边缘附近,离的较远的像素不会太多影响到边缘上的像素值,这样就保证了边缘附近像素值的保存。但是由于保存了过多的高频信息,对于彩色图像里的高频噪声,双边滤波器不能够干净的滤掉,只能够对于低频信息进行较好的滤波。
  • 双边滤波函数原型:
  1. """
  2. bilateralFilter(src, d, sigmaColor, sigmaSpace[, dst[, borderType]]) -> dst
  3. - src: 输入图像。
  4. - d: 在过滤期间使用的每个像素邻域的直径。如果输入d非0,则sigmaSpace由d计算得出,如果sigmaColor没输入,则sigmaColor由sigmaSpace计算得出。
  5. - sigmaColor: 色彩空间的标准方差,一般尽可能大。
  6. 较大的参数值意味着像素邻域内较远的颜色会混合在一起,
  7. 从而产生更大面积的半相等颜色。
  8. - sigmaSpace: 坐标空间的标准方差(像素单位),一般尽可能小。
  9. 参数值越大意味着只要它们的颜色足够接近,越远的像素都会相互影响。
  10. 当d > 0时,它指定邻域大小而不考虑sigmaSpace。
  11. 否则,d与sigmaSpace成正比。
  12. """
  1. import cv2
  2. def bi_demo(image):      #双边滤波
  3.     dst = cv2.bilateralFilter(image, 0, 100, 5)
  4.     cv2.imshow("bi_demo", dst)
  5. def shift_demo(image):   #均值迁移
  6.     dst = cv2.pyrMeanShiftFiltering(image, 10, 50)
  7.     cv2.imshow("shift_demo", dst)
  8. src = cv2.imread('./100.png')
  9. img = cv2.resize(src,None,fx=0.8,fy=0.8,
  10.                  interpolation=cv2.INTER_CUBIC)
  11. cv2.imshow('input_image', img)
  12. bi_demo(img)
  13. shift_demo(img)
  14. cv2.waitKey(0)
  15. cv2.destroyAllWindows()
左图:原图;中图:双边滤波图;右图:均值滤波图。

椒盐噪点(使用中值滤波去除)

  1. import cv2
  2. import numpy as np
  3. def salt(img, n):
  4. for k in range(n):
  5. i = int(np.random.random() * img.shape[1])
  6. j = int(np.random.random() * img.shape[0])
  7. if img.ndim == 2:
  8. img[j,i] = 255
  9. elif img.ndim == 3:
  10. img[j,i,0]= 255
  11. img[j,i,1]= 255
  12. img[j,i,2]= 255
  13. return img
  14. img = cv2.imread("./original_img.png",cv2.IMREAD_GRAYSCALE)
  15. result = salt(img, 500)
  16. median = cv2.medianBlur(result, 5)
  17. cv2.imshow("original_img", img)
  18. cv2.imshow("Salt", result)
  19. cv2.imshow("Median", median)
  20. cv2.waitKey(0)
  21. cv2.destroyWindow()
左图:原图;中图:加椒盐图;右图:中值滤波去椒盐图。

高斯滤波/模糊(去噪效果好)

  • 高斯模糊实质上就是一种均值模糊,只是高斯模糊是按照加权平均的,距离越近的点权重越大,距离越远的点权重越小。
  • 高斯滤波就是对整幅图像进行加权平均的过程,每一个像素点的值,都由其本身和邻域内的其他像素值经过加权平均后得到。
函数表达式

  1. import cv2
  2. import numpy as np
  3. def clamp(pv):
  4. if pv > 255:
  5. return 255
  6. if pv < 0:
  7. return 0
  8. else:
  9. return pv
  10. def gaussian_noise(image): # 加高斯噪声
  11. h, w, c = image.shape
  12. for row in range(h):
  13. for col in range(w):
  14. s = np.random.normal(0, 20, 3)
  15. b = image[row, col, 0] # blue
  16. g = image[row, col, 1] # green
  17. r = image[row, col, 2] # red
  18. image[row, col, 0] = clamp(b + s[0])
  19. image[row, col, 1] = clamp(g + s[1])
  20. image[row, col, 2] = clamp(r + s[2])
  21. cv2.imshow("noise image", image)
  22. src = cv2.imread('888.png')
  23. cv2.imshow('input_image', src)
  24. gaussian_noise(src)
  25. dst = cv2.GaussianBlur(src, (15,15), 0) #高斯模糊
  26. cv2.imshow("Gaussian_Blur2", dst)
  27. cv2.waitKey(0)
  28. cv2.destroyAllWindows()
左图:原图;中图;加噪声图;右图:高斯模糊图。

高通过滤/滤波(边缘检测/高反差保留)

使用的函数有:cv2.Sobel() , cv2.Schar() , cv2.Laplacian()
Sobel,scharr其实是求一阶或者二阶导数。scharr是对Sobel的优化。
Laplacian是求二阶导数。

  • cv2.Sobel() 是一种带有方向过滤器
  1. """
  2. dst = cv2.Sobel(src, ddepth, dx, dy[, dst[, ksize[, scale[, delta[, borderType]]]]])
  3. src: 需要处理的图像;
  4. ddepth: 图像的深度,-1表示采用的是与原图像相同的深度。
  5. 目标图像的深度必须大于等于原图像的深度;
  6. dx和dy: 求导的阶数,0表示这个方向上没有求导,一般为0、1、2。
  7. dst 不用解释了;
  8. ksize: Sobel算子的大小,必须为1、3、5、7。 ksize=-1时,会用3x3的Scharr滤波器,
  9. 它的效果要比3x3的Sobel滤波器要好
  10. scale: 是缩放导数的比例常数,默认没有伸缩系数;
  11. delta: 是一个可选的增量,将会加到最终的dst中, 默认情况下没有额外的值加到dst中
  12. borderType: 是判断图像边界的模式。这个参数默认值为cv2.BORDER_DEFAULT。
  13. """
  1. import cv2
  2. img=cv2.imread('888.png',cv2.IMREAD_COLOR)
  3. x=cv2.Sobel(img,cv2.CV_16S,1,0)
  4. y=cv2.Sobel(img,cv2.CV_16S,0,1)
  5. absx=cv2.convertScaleAbs(x)
  6. absy=cv2.convertScaleAbs(y)
  7. dist=cv2.addWeighted(absx,0.5,absy,0.5,0)
  8. cv2.imshow('original_img',img)
  9. cv2.imshow('y',absy)
  10. cv2.imshow('x',absx)
  11. cv2.imshow('dsit',dist)
  12. cv2.waitKey(0)
  13. cv2.destroyAllWindows()
左图:原图;左2:垂直sobal滤波图;左3:水平sobal滤波图;右图:sobal滤波图。

其它滤波(Emboss,Motion,different,Sobel,Prewitt,LoG)

  1. import matplotlib.pyplot as plt
  2. import numpy as np
  3. import cv2
  4. def log_filter(gray_img):
  5. gaus_img = cv2.GaussianBlur(gray_img,(3,3),sigmaX=0) # 以核大小为3x3,方差为0
  6. log_img = cv2.Laplacian(gaus_img,cv2.CV_16S,ksize=3) # laplace检测
  7. log_img = cv2.convertScaleAbs(log_img)
  8. return log_img
  9. def filter_imgs(gray_img):
  10. # 尝试一下不同的核的效果
  11. Emboss = np.array([[ -2,-1, 0],
  12. [ -1, 1, 1],
  13. [ 0, 1, 2]])
  14. Motion = np.array([[ 0.333, 0, 0],
  15. [ 0, 0.333, 0],
  16. [ 0, 0, 0.333]])
  17. Emboss_img = cv2.filter2D(gray_img,cv2.CV_16S,Emboss)
  18. Motion_img = cv2.filter2D(gray_img, cv2.CV_16S, Motion)
  19. Emboss_img = cv2.convertScaleAbs(Emboss_img)
  20. Motion_img = cv2.convertScaleAbs(Motion_img)
  21. different_V = np.array([[ 0, -1, 0],
  22. [ 0, 1, 0],
  23. [ 0, 0, 0]])
  24. different_H = np.array([[ 0, 0, 0],
  25. [ -1, 1, 0],
  26. [ 0, 0, 0]])
  27. different_temp = cv2.filter2D(gray_img,cv2.CV_16S,different_V)
  28. different_temp = cv2.filter2D(different_temp, cv2.CV_16S, different_H)
  29. different_img = cv2.convertScaleAbs(different_temp)
  30. Sobel_V = np.array([[ 1, 2, 1],
  31. [ 0, 0, 0],
  32. [ -1, -2, -1]])
  33. Sobel_H = np.array([[ 1, 0, -1],
  34. [ 2, 0, -2],
  35. [ 1, 0, -1]])
  36. Sobel_temp = cv2.filter2D(gray_img,cv2.CV_16S, Sobel_V)
  37. Sobel_temp = cv2.filter2D(Sobel_temp, cv2.CV_16S, Sobel_H)
  38. Sobel_img = cv2.convertScaleAbs(Sobel_temp)
  39. Prewitt_V = np.array([[-1, -1, -1],
  40. [ 0, 0, 0],
  41. [ 1, 1, 1]])
  42. Prewitt_H = np.array([[-1, 0, 1],
  43. [-1, 0, 1],
  44. [-1, 0, 1]])
  45. Prewitt_temp = cv2.filter2D(gray_img, cv2.CV_16S, Prewitt_V)
  46. Prewitt_temp = cv2.filter2D(Prewitt_temp, cv2.CV_16S, Prewitt_H)
  47. Prewitt_img = cv2.convertScaleAbs(Prewitt_temp)
  48. kernel_P = np.array([[0, 0, -1, 0, 0],
  49. [0, -1, -2, -1, 0],
  50. [-1,-2, 16, -2,-1],
  51. [0, -1, -2, -1, 0],
  52. [0, 0, -1, 0, 0]])
  53. kernel_N = np.array([[0, 0, 1, 0, 0],
  54. [0, 1, 2, 1, 0],
  55. [1, 2, -16, 2, 1],
  56. [0, 1, 2, 1, 0],
  57. [0, 0, 1, 0, 0]])
  58. lap4_filter = np.array([[0, 1, 0],
  59. [1, -4, 1],
  60. [0, 1, 0]]) # 4邻域laplacian算子
  61. lap8_filter = np.array([[0, 1, 0],
  62. [1, -8, 1],
  63. [0, 1, 0]]) # 8邻域laplacian算子
  64. lap_filter_P = cv2.filter2D(gray_img, cv2.CV_16S, kernel_P)
  65. edge4_img_P = cv2.filter2D(lap_filter_P, cv2.CV_16S, lap4_filter)
  66. edge4_img_P = cv2.convertScaleAbs(edge4_img_P)
  67. edge8_img_P = cv2.filter2D(lap_filter_P, cv2.CV_16S, lap8_filter)
  68. edge8_img_P = cv2.convertScaleAbs(edge8_img_P)
  69. lap_filter_N = cv2.filter2D(gray_img, cv2.CV_16S, kernel_N)
  70. edge4_img_N = cv2.filter2D(lap_filter_N, cv2.CV_16S, lap4_filter)
  71. edge4_img_N = cv2.convertScaleAbs(edge4_img_N)
  72. edge8_img_N = cv2.filter2D(lap_filter_N, cv2.CV_16S, lap8_filter)
  73. edge8_img_N = cv2.convertScaleAbs(edge8_img_N)
  74. return (Emboss_img,Motion_img,different_img,Sobel_img,Prewitt_img,edge4_img_P,edge8_img_P,edge4_img_N,edge8_img_N)
  75. def show(Filter_imgs):
  76. titles = [u'原图', u'Laplacian算子',\
  77. u'Emboss滤波',u'Motion滤波',
  78. u'diff(差分)滤波',u'Sobel滤波',u'Prewitt滤波',
  79. u'Lap4算子-kernel_P', u'Lap8算子-kernel_P',
  80. u'Lap4算子-kernel_N', u'Lap8算子-kernel_N']
  81. plt.rcParams['font.sans-serif'] = ['SimHei']
  82. plt.figure(figsize=(12, 8))
  83. for i in range(len(titles)):
  84. plt.subplot(3, 4, i + 1)
  85. plt.imshow(Filter_imgs[i])
  86. plt.title(titles[i])
  87. plt.xticks([]), plt.yticks([])
  88. plt.show()
  89. if __name__ == '__main__':
  90. img = cv2.imread('yinying3.png')
  91. img_raw = cv2.cvtColor(img, cv2.COLOR_BGR2RGB)
  92. gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
  93. LoG_img = log_filter(gray_img)
  94. Filter_imgs = [img_raw,LoG_img]
  95. Filter_imgs.extend(filter_imgs(gray_img))
  96. show(Filter_imgs)
各种滤波图。

参考博客

Pytorch 实现sobel算子的卷积操作_洪流之源的博客-CSDN博客_卷积实现sobel

(七)滤波与卷积_淡定的炮仗的博客-CSDN博客_卷积滤波

图像处理之高通滤波及低通滤波_ReWz的博客-CSDN博客_低通滤波和高通滤波对图像的影响

数字图像处理——图像梯度和空间滤波 - 知乎 (zhihu.com)

OpenCV—Python 图像滤波(均值、中值、高斯、高斯双边、高通等滤波)_SongpingWang的博客-CSDN博客

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/喵喵爱编程/article/detail/742698
推荐阅读
相关标签
  

闽ICP备14008679号