gpt4 book ai didi

python - 找到使用 houghlines opencv 绘制的两条线的交点

转载 作者:太空狗 更新时间:2023-10-29 17:10:09 24 4
gpt4 key购买 nike

如何使用 opencv 霍夫线算法得到线的交点?

这是我的代码:

import cv2
import numpy as np
import imutils

im = cv2.imread('../data/test1.jpg')
gray = cv2.cvtColor(im,cv2.COLOR_BGR2GRAY)
edges = cv2.Canny(gray, 60, 150, apertureSize=3)

img = im.copy()
lines = cv2.HoughLines(edges,1,np.pi/180,200)

for line in lines:
for rho,theta in line:
a = np.cos(theta)
b = np.sin(theta)
x0 = a*rho
y0 = b*rho
x1 = int(x0 + 3000*(-b))
y1 = int(y0 + 3000*(a))
x2 = int(x0 - 3000*(-b))
y2 = int(y0 - 3000*(a))
cv2.line(img,(x1,y1),(x2,y2),(0,255,0),10)

cv2.imshow('houghlines',imutils.resize(img, height=650))
cv2.waitKey(0)
cv2.destroyAllWindows()

输出:

Output

我想得到所有的交点。

最佳答案

你不想得到平行线的交点;只有垂直线与水平线的交点。此外,由于您有垂直线,计算斜率可能会导致爆炸或 inf 斜率,因此您不应该使用 y = mx+b方程。你需要做两件事:

  • 根据它们的角度将您的线条分为两类。
  • 计算一类中的每条线与其他类中的线的交点。

  • HoughLines ,您已经得到了 rho, theta 的结果因此您可以使用 theta 轻松地将角度分成两类.您可以使用例如 cv2.kmeans()theta作为您要拆分的数据。
    然后,要计算交点,您可以使用 calculating intersections given two points from each line 的公式.您已经从每条线上计算了两个点: (x1, y1), (x2, y2)所以你可以简单地存储它们并使用它们。编辑:实际上,如下面我的代码所示,有一个公式可用于计算线与 rho, theta 的交点。形成 HoughLines给。
    我已回复 a similar question之前有一些你可以查看的python代码;注意这是使用 HoughLinesP它只给你线段。

    代码示例
    您没有提供原始图像,因此我无法使用它。相反,我将在他们的 Hough 变换和阈值教程中使用 OpenCV 使用的标准数独图像:
    Sudoku image
    首先,我们将读取此图像并使用自适应阈值将其二值化,就像 this OpenCV tutorial 中使用的一样。 :
    import cv2
    import numpy as np

    img = cv2.imread('sudoku.jpg')
    gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
    blur = cv2.medianBlur(gray, 5)
    adapt_type = cv2.ADAPTIVE_THRESH_GAUSSIAN_C
    thresh_type = cv2.THRESH_BINARY_INV
    bin_img = cv2.adaptiveThreshold(blur, 255, adapt_type, thresh_type, 11, 2)
    Sudoku image binarized
    然后我们将找到带有 cv2.HoughLines() 的霍夫线:
    rho, theta, thresh = 2, np.pi/180, 400
    lines = cv2.HoughLines(bin_img, rho, theta, thresh)
    Sudoku image with Hough lines
    现在,如果我们想找到交点,实际上我们只想找到垂直线的交点。我们不想要大部分平行线的交点。所以我们需要分割我们的线路。在这个特定的例子中,您可以根据简单的测试轻松地检查线是水平的还是垂直的;垂直线将有 theta大约 0 或大约 180;水平线将有 theta大约 90。但是,如果您想根据任意数量的角度自动分割它们,而无需定义这些角度,我认为最好的方法是使用 cv2.kmeans() .
    有一件棘手的事情要做好。 HoughLines返回 rho, theta 中的行表单 ( Hesse normal form ) 和 theta返回值在 0 到 180 度之间,180 度和 0 度附近的线相似(它们都接近水平线),因此我们需要某种方法来在 kmeans 中获得这种周期性。 .
    如果我们在单位圆上绘制角度,但将角度乘以 2,那么原本大约 180 度的角度将变为接近 360 度,因此会有 x, y角度为 0 时,单位圆上的值几乎相同。因此,我们可以通过绘制 2*angle 来获得一些不错的“接近度”。与单位圆上的坐标。然后我们可以运行 cv2.kmeans()在这些点上,并根据我们想要的任意数量自动分割。
    因此,让我们构建一个函数来进行分割:
    from collections import defaultdict
    def segment_by_angle_kmeans(lines, k=2, **kwargs):
    """Groups lines based on angle with k-means.

    Uses k-means on the coordinates of the angle on the unit circle
    to segment `k` angles inside `lines`.
    """

    # Define criteria = (type, max_iter, epsilon)
    default_criteria_type = cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER
    criteria = kwargs.get('criteria', (default_criteria_type, 10, 1.0))
    flags = kwargs.get('flags', cv2.KMEANS_RANDOM_CENTERS)
    attempts = kwargs.get('attempts', 10)

    # returns angles in [0, pi] in radians
    angles = np.array([line[0][1] for line in lines])
    # multiply the angles by two and find coordinates of that angle
    pts = np.array([[np.cos(2*angle), np.sin(2*angle)]
    for angle in angles], dtype=np.float32)

    # run kmeans on the coords
    labels, centers = cv2.kmeans(pts, k, None, criteria, attempts, flags)[1:]
    labels = labels.reshape(-1) # transpose to row vec

    # segment lines based on their kmeans label
    segmented = defaultdict(list)
    for i, line in enumerate(lines):
    segmented[labels[i]].append(line)
    segmented = list(segmented.values())
    return segmented
    现在要使用它,我们可以简单地调用:
    segmented = segment_by_angle_kmeans(lines)
    这里的好处是我们可以通过指定可选参数 k 来指定任意数量的组。 (默认情况下, k = 2 所以我没有在这里指定)。
    如果我们用不同的颜色绘制每组的线条:
    Segmented lines
    现在剩下的就是找到第一组中每条线的交点与第二组中每条线的交点。由于这些线是 Hesse 范式,因此有一个很好的线性代数公式来计算这种形式的线的交点。见 here .让我们在这里创建两个函数;一个只找到两条线的交点,一个函数循环遍历组中的所有线并对两条线使用更简单的函数:
    def intersection(line1, line2):
    """Finds the intersection of two lines given in Hesse normal form.

    Returns closest integer pixel locations.
    See https://stackoverflow.com/a/383527/5087436
    """
    rho1, theta1 = line1[0]
    rho2, theta2 = line2[0]
    A = np.array([
    [np.cos(theta1), np.sin(theta1)],
    [np.cos(theta2), np.sin(theta2)]
    ])
    b = np.array([[rho1], [rho2]])
    x0, y0 = np.linalg.solve(A, b)
    x0, y0 = int(np.round(x0)), int(np.round(y0))
    return [[x0, y0]]


    def segmented_intersections(lines):
    """Finds the intersections between groups of lines."""

    intersections = []
    for i, group in enumerate(lines[:-1]):
    for next_group in lines[i+1:]:
    for line1 in group:
    for line2 in next_group:
    intersections.append(intersection(line1, line2))

    return intersections
    然后使用它,它很简单:
    intersections = segmented_intersections(segmented)
    并绘制所有交叉点,我们得到:
    Intersections

    如上所述,此代码也可以将线分割成两组以上的角度。这是在手绘三角形上运行,并计算检测到的线与 k=3 的交点:
    Triangle intersections

    关于python - 找到使用 houghlines opencv 绘制的两条线的交点,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/46565975/

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