当前位置:   article > 正文

2 图片的分割处理和亚像素精度处理(c++和python)

2 图片的分割处理和亚像素精度处理(c++和python)

        本文的图片处理分为图片分割、图像的亚像素坐标处理。亚像素处理的原理可以看论文一种基于多项式插值改进的亚像素细分算法,该论文的详解及c++的代码实现可以看博文基于多项式插值的亚像素边缘定位算法_基于多项式插值的亚像素算法-CSDN博客。下面的内容很多来自以上博文的内容,我只是对部分代码做了稍微的修改。

        注意,前三部分是亚像素的理论和c++的代码实现,第四部分是python的代码实现。

一. 背景

        在测量或者定位的应用中会涉及到边缘检测, 但是像 OpenCV 这样的开源库中边缘检测算法的精度在像素级别, 比如 Canny, Sobel blablabla. 要想提高精度就需要用到 亚像素 的技术, 在不改变硬件成本的前提下提高检测精度。

二、代码实现(龟速版)

1.梯度幅值

梯度检测包含幅值和方向,用8个方向模板在检测图像上进行卷积运算(模板滑过的地方的像素值和模板中对应的值相乘, 最后全部加总), 得到 8 张梯度图像, 方向模板如下. 模板的方向就是和 X 轴的夹角。

以下代码生成 8 个方向模板

  1. #include<opencv2/opencv.hpp>
  2. #include <opencv2/highgui/highgui.hpp>
  3. #include <iostream>
  4. #include<list>
  5. #include<vector>
  6. #include <typeinfo>
  7. using namespace cv;
  8. using namespace std;
  9. #define KERNEL_SUM 8
  10. Mat kernels[KERNEL_SUM];
  11. int k = 0;
  12. kernels[k++] = (Mat_<float>(3, 3) << 1, 2, 1, 0, 0, 0, -1, -2, -1); // 270°
  13. kernels[k++] = (Mat_<float>(3, 3) << 2, 1, 0, 1, 0, -1, 0, -1, -2); // 315°
  14. kernels[k++] = (Mat_<float>(3, 3) << 1, 0, -1, 2, 0, -2, 1, 0, -1); // 0°
  15. kernels[k++] = (Mat_<float>(3, 3) << 0, -1, -2, 1, 0, -1, 2, 1, 0); // 45°
  16. flip(kernels[0], kernels[k++], 0); // 90°
  17. kernels[k++] = (Mat_<float>(3, 3) << -2, -1, 0, -1, 0, 1, 0, 1, 2); // 135°
  18. flip(kernels[2], kernels[k++], 1); // 180°
  19. kernels[k++] = (Mat_<float>(3, 3) << 0, 1, 2, -1, 0, 1, -2, -1, 0); // 225°

        接下来利用模板卷积生成梯度图像, 假设要检测的图像长下面这个样, 边缘是模糊的

        利用 filter2D 函数计算梯度

  1. // 梯度图像
  2. Mat gradients[KERNEL_SUM];
  3. // 检测图像, 路径自己更改, 注意要是单通道图像
  4. Mat imgsrc = imread("E:\\vs\\daima\\opencvs\\OpencvPractice\\1.jpg");//IMREAD_ANYCOLOR
  5. for (int k = 0; k < KERNEL_SUM; k++)
  6. {
  7. filter2D(imgsrc, gradients[k], CV_16S, kernels[k]);// CV_64F //
  8. Mat imgshowt;
  9. normalize(gradients[k], imgshowt, 0, 255, NORM_MINMAX);
  10. cv::Mat rlt;
  11. imgshowt.convertTo(rlt, CV_8UC1);//将imgshowt转换为无符号单通道的整型并赋值给rlt CV_8UC1
  12. cvtColor(rlt, gradients[k], cv::COLOR_BGR2GRAY);//将rlt转换为灰度图并赋值给gradients[k]
  13. imshow("img", rlt);
  14. waitKey(0);
  15. }

        注意,这里和前面博文的代码稍有不同,因为原图像是3通道的图像(我在前面博文截取了个圆的图片用来处理),在以上代码中用filter2D函数后将处理的图片修改为了单通道图片,并且显示了8个卷积核处理的不同图片,结果如下(截取了前博文的图片,但效果相同):

        从图中可以看出各模板可以检测出指定方向的边缘, 其中白色表示该方向最大梯度值, 黑色表示反向最大梯度值。

梯度幅值最大值处的点就是边缘的整数坐标。

2. 梯度方向

        梯度方向指向梯度幅值最大的方向, 现在已经有 8 张幅值图像, 只要比较其中最大的幅值即可得到其方向, 例如第 0 张梯度图像在 (i, j) 处的幅值比其他图像都大, 则 (i, j) 点的梯度方向是 270°. 下面我们用代码求出最大幅度值和方向。

  1. //2. 梯度方向
  2. // (1. 角度列表
  3. const short angle_list[] = { 270, 315, 0, 45, 90, 135, 180, 225 };
  4. // (2. 总幅值矩阵
  5. Mat amplitude(imgsrc.rows, imgsrc.cols, CV_8UC1, Scalar::all(0));
  6. // (3. 角度矩阵, 后面初始化成 -64 只是为了归一化之后能显示角度 0
  7. Mat angle(imgsrc.rows, imgsrc.cols, CV_16SC1, Scalar::all(-64));//CV_16SC1 -64
  8. for (int r = 0; r < imgsrc.rows; r++)
  9. {
  10. short* pAng = angle.ptr<short>(r);
  11. for (int c = 0; c < imgsrc.cols; c++)
  12. {
  13. // 找出最大值
  14. for (int i = 0; i < KERNEL_SUM; i++)
  15. {
  16. if (amplitude.ptr<unsigned char>(r)[c] < gradients[i].ptr<unsigned char>(r)[c])
  17. {
  18. amplitude.ptr<unsigned char>(r)[c] = gradients[i].ptr<unsigned char>(r)[c];
  19. pAng[c] = angle_list[i];
  20. }
  21. }
  22. }
  23. }
  24. Mat imgshow;
  25. imshow("amplitude", amplitude);
  26. imwrite("D:\Datas\\1.jpg",amplitude);
  27. waitKey(0);
  28. normalize(angle, imgshow, 0, 255, NORM_MINMAX);
  29. imgshow.convertTo(imgshow, CV_8UC1);
  30. imshow("amplitude", imgshow);
  31. waitKey(0);

        完成之后显示幅值和角度图像如下:

 

3. 单像素边缘

        以上的方式处理的图像边缘是比较粗的,那么我们如何将边缘的粗细提取成单像素呢,就是找最亮的像素点作为边缘。这个也比较简单, 只要在 3 × 3 的邻域中根据梯度的方向比较中心点 “左右” 的两个点幅值就可以知道了. 左右我打了引号, 有可能是在对角方向和上下方向. 如果不能理解的话, 把幅值图放大如下, 仿佛看到了马赛克

        我们发现在梯度方向幅值从小到大, 再变小, 我们只需要判断中间是否大于两边(“左右”)的幅值,如果同时大于两边,则是边缘点, 如果不是同时大于两边, 则不是边缘点, 下面用代码实现此判断。

  1. // 3.单像素边缘,整数坐标边缘图像
  2. //cout << "===============> start 单像素边缘 <================" << endl;
  3. Mat edge(imgsrc.rows, imgsrc.cols, CV_8UC1, Scalar::all(0));
  4. for (int r = 1; r < imgsrc.rows - 1; r++)
  5. {
  6. // 3 * 3 邻域, 所以用 3 个指针, 一个指针指一行
  7. const unsigned char* pAmp1 = amplitude.ptr<unsigned char>(r - 1);
  8. const unsigned char* pAmp2 = amplitude.ptr<unsigned char>(r);
  9. const unsigned char* pAmp3 = amplitude.ptr<unsigned char>(r + 1);
  10. const short* pAng = angle.ptr<short>(r);
  11. unsigned char* pEdge = edge.ptr<unsigned char>(r);
  12. for (int c = 1; c < imgsrc.cols - 1; c++)
  13. {
  14. switch (pAng[c])
  15. {
  16. case 270:
  17. if (pAmp2[c] > pAmp1[c] && pAmp2[c] >= pAmp3[c])
  18. {
  19. pEdge[c] = 255;
  20. }
  21. break;
  22. case 90:
  23. if (pAmp2[c] >= pAmp1[c] && pAmp2[c] > pAmp3[c])
  24. {
  25. pEdge[c] = 255;
  26. }
  27. break;
  28. case 315:
  29. if (pAmp2[c] > pAmp1[c - 1] && pAmp2[c] >= pAmp3[c + 1])
  30. {
  31. pEdge[c] = 255;
  32. }
  33. break;
  34. case 135:
  35. if (pAmp2[c] >= pAmp1[c - 1] && pAmp2[c] > pAmp3[c + 1])
  36. {
  37. pEdge[c] = 255;
  38. }
  39. break;
  40. case 0:
  41. if (pAmp2[c] > pAmp2[c - 1] && pAmp2[c] >= pAmp2[c + 1])
  42. {
  43. pEdge[c] = 255;
  44. }
  45. break;
  46. case 180:
  47. if (pAmp2[c] >= pAmp2[c - 1] && pAmp2[c] > pAmp2[c + 1])
  48. {
  49. pEdge[c] = 255;
  50. }
  51. break;
  52. case 45:
  53. if (pAmp2[c] >= pAmp1[c + 1] && pAmp2[c] > pAmp3[c - 1])
  54. {
  55. pEdge[c] = 255;
  56. }
  57. break;
  58. case 225:
  59. if (pAmp2[c] > pAmp1[c + 1] && pAmp2[c] >= pAmp3[c - 1])
  60. {
  61. pEdge[c] = 255;
  62. }
  63. break;
  64. default:
  65. break;
  66. }
  67. }
  68. }
  69. imshow("edg", edge);//总共有462个点为255(白色)
  70. waitKey(0);
  71. //cout << "===============> end 单像素边缘 <================" << endl;

        该代码得到的图片显示结果如下:

        现在的边缘是不是只有一个像素宽了, 到这里可以算是完成了 50% 工作了, 还有两个问题需要解决, 一是如何求出亚像素坐标, 二是怎样表示亚像素坐标

4. 亚像素坐标

        根据以下公式可计算亚像素坐标, 其实这个公式是二次多项式拟合(剪切前面博文的内容)

        下面代码中, sin 前面的负号非常关键, 因为图像的 y 方向和直角坐标系的 y 方向相反

  1. // 4. 亚像素坐标
  2. cout << "===============> start 亚像素坐标 <================" << endl;
  3. // 根号2
  4. const double root2 = sqrt(2.0);
  5. // 三角函数表
  6. double tri_list[2][KERNEL_SUM] = { 0 };
  7. for (int i = 0; i < KERNEL_SUM; i++)
  8. {
  9. tri_list[0][i] = cos(angle_list[i] * CV_PI / 180.0);
  10. // sin前面的负号非常关键, 因为图像的y方向和直角坐标系的y方向相反
  11. tri_list[1][i] = -sin(angle_list[i] * CV_PI / 180.0);
  12. }
  13. // vector 方式记录小数坐标
  14. vector<Point3f> vPts;
  15. // Mat 方式记录小数坐标, 注意这里是双通道
  16. Mat coordinate(imgsrc.rows, imgsrc.cols, CV_32FC2, Scalar::all(0));
  17. for (int r = 1; r < imgsrc.rows - 1; r++)
  18. {
  19. // 3 * 3 邻域, 所以用3个指针, 一个指针指一行
  20. const short* pAmp1 = amplitude.ptr<short>(r - 1);
  21. const short* pAmp2 = amplitude.ptr<short>(r);
  22. const short* pAmp3 = amplitude.ptr<short>(r + 1);
  23. const short* pAng = angle.ptr<short>(r);
  24. const short* pEdge = edge.ptr<short>(r);
  25. float* pCoordinate = coordinate.ptr<float>(r);
  26. for (int c = 1; c < imgsrc.cols - 1; c++)
  27. {
  28. if (pEdge[c])
  29. {
  30. int nAngTmp = 0;
  31. double dTmp = 0;
  32. switch (pAng[c])
  33. {
  34. case 270:
  35. nAngTmp = 0;
  36. dTmp = ((double)pAmp1[c] - pAmp3[c]) / (pAmp1[c] + pAmp3[c] - 2 * pAmp2[c] + 0.000001) * 0.5;
  37. break;
  38. case 90:
  39. nAngTmp = 4;
  40. dTmp = -((double)pAmp1[c] - pAmp3[c]) / (pAmp1[c] + pAmp3[c] - 2 * pAmp2[c] + 0.000001) * 0.5;
  41. break;
  42. case 315:
  43. nAngTmp = 1;
  44. dTmp = ((double)pAmp1[c - 1] - pAmp3[c + 1]) / (pAmp1[c - 1] + pAmp3[c + 1] - 2 * pAmp2[c] + 0.000001) * root2 * 0.5;
  45. break;
  46. case 135:
  47. nAngTmp = 5;
  48. dTmp = -((double)pAmp1[c - 1] - pAmp3[c + 1]) / (pAmp1[c - 1] + pAmp3[c + 1] - 2 * pAmp2[c] + 0.000001) * root2 * 0.5;
  49. break;
  50. case 0:
  51. nAngTmp = 2;
  52. dTmp = ((double)pAmp2[c - 1] - pAmp2[c + 1]) / (pAmp2[c - 1] + pAmp2[c + 1] - 2 * pAmp2[c] + 0.000001) * 0.5;
  53. break;
  54. case 180:
  55. nAngTmp = 6;
  56. dTmp = -((double)pAmp2[c - 1] - pAmp2[c + 1]) / (pAmp2[c - 1] + pAmp2[c + 1] - 2 * pAmp2[c] + 0.000001) * 0.5;
  57. break;
  58. case 45:
  59. nAngTmp = 3;
  60. dTmp = ((double)pAmp3[c - 1] - pAmp1[c + 1]) / (pAmp1[c + 1] + pAmp3[c - 1] - 2 * pAmp2[c] + 0.000001) * root2 * 0.5;
  61. break;
  62. case 225:
  63. nAngTmp = 7;
  64. dTmp = -((double)pAmp3[c - 1] - pAmp1[c + 1]) / (pAmp1[c + 1] + pAmp3[c - 1] - 2 * pAmp2[c] + 0.000001) * root2 * 0.5;
  65. break;
  66. default:
  67. break;
  68. }
  69. const double x = c + dTmp * tri_list[0][nAngTmp];
  70. const double y = r + dTmp * tri_list[1][nAngTmp];
  71. const short z = angle_list[nAngTmp];
  72. //cout << dTmp<< " "<< tri_list[0][nAngTmp]<<" "<< dTmp * tri_list[0][nAngTmp] << endl;
  73. // vector方式
  74. vPts.push_back(Point3f((float)x, (float)y, (short)z));
  75. // Mat 方式
  76. pCoordinate[c << 1] = (float)x;
  77. pCoordinate[(c << 1) + 1] = (float)y;
  78. }
  79. }
  80. }
  81. //cout << "" << vPts.size() << endl;//总共有462个点为255(白色)
  82. //for (size_t i = 0; i < vPts.size(); i++)
  83. //{
  84. // cout << vPts[i].z << ": " << vPts[i].x << ", " << vPts[i].y <<endl;
  85. //}
  86. cout << "===============> end 亚像素坐标 <================" << endl;
  87. return 0;

        注意,以上代码大家要了解为什么不同角度下加减不同,了解这个很重要。

三、龟速测试

至此, 龟速版本的代码已经完成了, 找一张其他图像试试? 找 lena 来试试。

        看到边缘图像有的同学可能要伤心了, 女神怎么变成这样了, 那么多边缘被检测出来了, 我们不需要那么多边缘啊. 同学别急, 检测出来那么多边缘是因为我们没有对梯度幅度进行筛选, 你想一下, 我们在计算单像素边缘的时候只要满足中间大于两边就算边缘, 女神图像中有一些中间只比两边大了一点点, 所以这种边缘可以去除,  我们想要的是比较强烈的边缘,解决办法就是设定一个阈值, 当梯度值大于阈值是才算真正的边缘。

将单像素边缘检测修改如下:

  1. // 3.单像素边缘,整数坐标边缘图像
  2. //cout << "===============> start 单像素边缘 <================" << endl;
  3. // 阈值
  4. double thres = 128; // 此处为增加
  5. Mat edge(imgsrc.rows, imgsrc.cols, CV_8UC1, Scalar::all(0));
  6. for (int r = 1; r < imgsrc.rows - 1; r++)
  7. {
  8. // 3 * 3 邻域, 所以用 3 个指针, 一个指针指一行
  9. const unsigned char* pAmp1 = amplitude.ptr<unsigned char>(r - 1);
  10. const unsigned char* pAmp2 = amplitude.ptr<unsigned char>(r);
  11. const unsigned char* pAmp3 = amplitude.ptr<unsigned char>(r + 1);
  12. const short* pAng = angle.ptr<short>(r);
  13. unsigned char* pEdge = edge.ptr<unsigned char>(r);
  14. for (int c = 1; c < imgsrc.cols - 1; c++)
  15. {
  16. // 以下判断为增加部分
  17. if (pAmp2[c] < thres)
  18. {
  19. continue;
  20. }
  21. //
  22. switch (pAng[c])
  23. {
  24. case 270:
  25. if (pAmp2[c] > pAmp1[c] && pAmp2[c] >= pAmp3[c])
  26. {
  27. pEdge[c] = 255;
  28. }
  29. break;
  30. case 90:
  31. if (pAmp2[c] >= pAmp1[c] && pAmp2[c] > pAmp3[c])
  32. {
  33. pEdge[c] = 255;
  34. }
  35. break;
  36. case 315:
  37. if (pAmp2[c] > pAmp1[c - 1] && pAmp2[c] >= pAmp3[c + 1])
  38. {
  39. pEdge[c] = 255;
  40. }
  41. break;
  42. case 135:
  43. if (pAmp2[c] >= pAmp1[c - 1] && pAmp2[c] > pAmp3[c + 1])
  44. {
  45. pEdge[c] = 255;
  46. }
  47. break;
  48. case 0:
  49. if (pAmp2[c] > pAmp2[c - 1] && pAmp2[c] >= pAmp2[c + 1])
  50. {
  51. pEdge[c] = 255;
  52. }
  53. break;
  54. case 180:
  55. if (pAmp2[c] >= pAmp2[c - 1] && pAmp2[c] > pAmp2[c + 1])
  56. {
  57. pEdge[c] = 255;
  58. }
  59. break;
  60. case 45:
  61. if (pAmp2[c] >= pAmp1[c + 1] && pAmp2[c] > pAmp3[c - 1])
  62. {
  63. pEdge[c] = 255;
  64. }
  65. break;
  66. case 225:
  67. if (pAmp2[c] > pAmp1[c + 1] && pAmp2[c] >= pAmp3[c - 1])
  68. {
  69. pEdge[c] = 255;
  70. }
  71. break;
  72. default:
  73. break;
  74. }
  75. }
  76. }
  77. imshow("edg", edge);//总共有462个点为255(白色)
  78. imwrite("D:\Datas\\2.jpg", edge);
  79. waitKey(0);
  80. //cout << "===============> end 单像素边缘 <================" << endl;

四、python的代码实现

由于上面已经讲清楚原理和步骤,python代码和c++相似。代码如下:

  1. import math
  2. import numpy as np
  3. import cv2
  4. import matplotlib.pyplot as plt
  5. #8个卷积核,分别对应04590135180225270315
  6. #度数
  7. angle_index = np.array((0,45,90,135,180,225,270,315)) #(1,8)
  8. #卷积核
  9. keras = np.zeros((8,3,3)) #存放83X3的卷积核
  10. keras[0] = np.array(([1, 0, -1],[2, 0, -2],[1, 0, -1]), dtype="float32")# 0
  11. keras[1] = np.array(([0, -1, -2],[1, 0, -1],[2, 1, 0]), dtype="float32")# 45
  12. keras[2] = np.array(([-1, -2, -1],[0, 0, 0],[1, 2, 1]), dtype="float32")# 90
  13. keras[3] = np.array(([-2, -1, 0],[-1, 0, 1],[0, 1, 2]), dtype="float32")# 135
  14. keras[4] = np.array(([-1, 0, 1],[-2, 0, 2],[-1, 0, 1]), dtype="float32")# 180
  15. keras[5] = np.array(([0, 1, 2],[-1, 0, 1],[-2, -1, 0]), dtype="float32")# 225
  16. keras[6] = np.array(([1, 2, 1],[0, 0, 0],[-1, -2, -1]), dtype="float32")# 270
  17. keras[7] = np.array(([2, 1, 0],[1, 0, -1],[0, -1, -2]), dtype="float32")# 315
  18. if __name__ == "__main__":
  19. # 1.输入图片路径,读取图片
  20. img1 = cv2.imread(r"imgs/1.jpg") #imgs/1.jpg
  21. # 2.灰度化处理图像
  22. grayImage = cv2.cvtColor(img1, cv2.COLOR_BGR2GRAY)
  23. # 3.创建存放8个边缘处理的图片的容器
  24. dst = np.zeros((8,grayImage.shape[0],grayImage.shape[1]))
  25. # 循环8个卷积核,对不同的卷积核进行filter2D处理
  26. for i in range(8):
  27. dst[i] = cv2.filter2D(grayImage, -1, keras[i])
  28. # 4.梯度方向
  29. #对比上面8个图片,找出zui
  30. # (1 创建一个将8个半圆合并成一个圆的图片
  31. amplitude = np.zeros((grayImage.shape[0],grayImage.shape[1]))
  32. angle = np.zeros((grayImage.shape[0],grayImage.shape[1])) #每个坐标对应的角度
  33. for i in range(grayImage.shape[0]):
  34. for j in range(grayImage.shape[0]):
  35. st = 0
  36. for k in range(8):
  37. if amplitude[i][j] < dst[k][i][j]:
  38. amplitude[i][j] = dst[k][i][j]
  39. st = angle_index[k]
  40. angle[i][j] = st
  41. cv2.imshow("ss",amplitude)
  42. cv2.waitKey(0)
  43. cv2.imshow("ss", angle)
  44. cv2.waitKey(0)
  45. # 5.单像素边缘
  46. #在amplitude中找到单个像素点
  47. #(1 创建一个单个像素点的图片处理器
  48. edge = np.zeros((grayImage.shape[0], grayImage.shape[1]))
  49. for r in range(1,grayImage.shape[0]-1):
  50. pAmp1 = amplitude[r-1]
  51. pAmp2 = amplitude[r]
  52. pAmp3 = amplitude[r + 1]
  53. for c in range(1, grayImage.shape[1] - 1):
  54. if angle[r][c] == 270:
  55. if (pAmp2[c] > pAmp1[c] and pAmp2[c] >= pAmp3[c]):
  56. edge[r][c] = 255
  57. if angle[r][c] == 90:
  58. if (pAmp2[c] >= pAmp1[c] and pAmp2[c] > pAmp3[c]):
  59. edge[r][c] = 255
  60. if angle[r][c] == 315:
  61. if (pAmp2[c] > pAmp1[c - 1] and pAmp2[c] >= pAmp3[c + 1]):
  62. edge[r][c] = 255
  63. if angle[r][c] == 135:
  64. if (pAmp2[c] >= pAmp1[c - 1] and pAmp2[c] > pAmp3[c + 1]):
  65. edge[r][c] = 255
  66. if angle[r][c] == 0:
  67. if (pAmp2[c] > pAmp2[c - 1] and pAmp2[c] >= pAmp2[c + 1]):
  68. edge[r][c] = 255
  69. if angle[r][c] == 180:
  70. if (pAmp2[c] >= pAmp2[c - 1] and pAmp2[c] > pAmp2[c + 1]):
  71. edge[r][c] = 255
  72. if angle[r][c] == 45:
  73. if (pAmp2[c] >= pAmp1[c + 1] and pAmp2[c] > pAmp3[c - 1]):
  74. edge[r][c] = 255
  75. if angle[r][c] == 225:
  76. if (pAmp2[c] > pAmp1[c + 1] and pAmp2[c] >= pAmp3[c - 1]):
  77. edge[r][c] = 255
  78. cv2.imshow("tt",edge)
  79. cv2.waitKey(0)
  80. # 6.亚像素坐标
  81. root2 = math.sqrt(2.0) #根号2
  82. tri_list = np.zeros((2,8))#三角函数表
  83. for i in range(8):
  84. tri_list[0][i] = math.cos(angle_index[i] * math.pi / 180.0)
  85. tri_list[1][i] = -math.sin(angle_index[i] * math.pi / 180.0)#sin前面的负号非常关键, 因为图像的y方向和直角坐标系的y方向相反
  86. vPts = [] #记录小数坐标(x,y)
  87. for r in range(1,grayImage.shape[0]-1):
  88. # 3 * 3 邻域, 所以用3个指针, 一个指针指一行
  89. pAmp1 = amplitude[r - 1]
  90. pAmp2 = amplitude[r]
  91. pAmp3 = amplitude[r + 1]
  92. for c in range(1, grayImage.shape[1] - 1):
  93. dTmp = 0
  94. nAngTmp = 0
  95. if angle[r][c] == 270:
  96. nAngTmp = 6
  97. dTmp = (pAmp1[c] - pAmp3[c]) / (pAmp1[c] + pAmp3[c] - 2 * pAmp2[c] + 0.00001) * 0.5
  98. elif angle[r][c] == 90:
  99. nAngTmp = 2
  100. dTmp = -(pAmp1[c] - pAmp3[c]) / (pAmp1[c] + pAmp3[c] - 2 * pAmp2[c] + 0.00001) * 0.5
  101. elif angle[r][c] == 315:
  102. nAngTmp = 7
  103. dTmp = (pAmp1[c - 1] - pAmp3[c + 1]) / (pAmp1[c - 1] + pAmp3[c + 1] - 2 * pAmp2[c] + 0.00001) * root2 * 0.5
  104. elif angle[r][c] == 135:
  105. nAngTmp = 3
  106. dTmp = -(pAmp1[c - 1] - pAmp3[c + 1]) / (pAmp1[c - 1] + pAmp3[c + 1] - 2 * pAmp2[c] + 0.00001) * root2 * 0.5
  107. elif angle[r][c] == 0:
  108. nAngTmp = 0
  109. dTmp = (pAmp2[c - 1] - pAmp2[c + 1]) / (pAmp2[c - 1] + pAmp2[c + 1] - 2 * pAmp2[c] + 0.00001) * 0.5
  110. elif angle[r][c] == 180:
  111. nAngTmp = 4
  112. dTmp = -(pAmp2[c - 1] - pAmp2[c + 1]) / (pAmp2[c - 1] + pAmp2[c + 1] - 2 * pAmp2[c] + 0.00001) * 0.5
  113. elif angle[r][c] == 45:
  114. nAngTmp = 1
  115. dTmp = (pAmp3[c - 1] - pAmp1[c + 1]) / (pAmp1[c + 1] + pAmp3[c - 1] - 2 * pAmp2[c] + 0.00001) * root2 * 0.5
  116. elif angle[r][c] == 225:
  117. nAngTmp = 5
  118. dTmp = -(pAmp3[c - 1] - pAmp1[c + 1]) / (pAmp1[c + 1] + pAmp3[c - 1] - 2 * pAmp2[c] + 0.00001) * root2 * 0.5
  119. x = c + dTmp * tri_list[0][nAngTmp]
  120. y = r + dTmp * tri_list[1][nAngTmp]
  121. vPts.append([x,y])

        运行结果和c++的相似,大家可以自行选择编程语言。

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

闽ICP备14008679号