gpt4 book ai didi

python - 在棋盘 OpenCV 中检测正方形

转载 作者:行者123 更新时间:2023-12-02 15:53:18 28 4
gpt4 key购买 nike

我在 python 中使用 OpenCV 检测到一个棋盘,使用:

  • 计算图像的边缘
  • 计算霍夫变换
  • 寻找霍夫变换的局部最大值
  • 提取图像线条

然后我使用了 findContoursdrawContours 函数:

  im_gray = cv2.imread('redLines.png', cv2.IMREAD_GRAYSCALE)
kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (2, 2))
morphed = cv2.dilate(im_gray, kernel, iterations=1)
(ret, thresh) = cv2.threshold(morphed, 128, 255, cv2.THRESH_BINARY | cv2.THRESH_OTSU)
contours, hierarchy = cv2.findContours(thresh, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
cv2.drawContours(thresh, contours, -1, (255, 255, 255), 3)

它运行良好,最后的 imshow 看起来像这样:

enter image description here

现在,我尝试检测网格中的每个正方形并将其点保存在向量中的唯一索引中。

我知道我可以使用轮廓数组来完成。但是当我打印轮廓的长度时,它会快速变化,从尺寸 2 到 112..

所以我猜它没有很好地识别网格。

如有任何帮助,我们将不胜感激。

最佳答案

一种方法是使用 contour area filtering + shape approximation .由于正方形有 4 个角,因此我们可以假设轮廓是正方形,如果它有四个顶点。

检测到的方 block 为绿色

enter image description here

孤立的正方形

enter image description here

import cv2
import numpy as np

# Load image, grayscale, Gaussian blur, Otsu's threshold
image = cv2.imread("1.png")
mask = np.zeros(image.shape, dtype=np.uint8)
original = image.copy()
gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)
blur = cv2.GaussianBlur(gray, (5,5), 0)
thresh = cv2.threshold(blur, 0, 255, cv2.THRESH_BINARY + cv2.THRESH_OTSU)[1]

# Remove noise with morph operations
kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (3,3))
opening = cv2.morphologyEx(thresh, cv2.MORPH_OPEN, kernel, iterations=1)
invert = 255 - opening

# Find contours and find squares with contour area filtering + shape approximation
cnts = cv2.findContours(invert, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
cnts = cnts[0] if len(cnts) == 2 else cnts[1]
for c in cnts:
area = cv2.contourArea(c)
peri = cv2.arcLength(c, True)
approx = cv2.approxPolyDP(c, 0.02 * peri, True)
if len(approx) == 4 and area > 100 and area < 10000:
x,y,w,h = cv2.boundingRect(c)
cv2.drawContours(original, [c], -1, (36,255,12), 2)
cv2.drawContours(mask, [c], -1, (255,255,255), -1)

cv2.imshow("original", original)
cv2.imshow("mask", mask)
cv2.waitKey()

关于python - 在棋盘 OpenCV 中检测正方形,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/71879515/

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