gpt4 book ai didi

python - OpenCV 将角对齐到网格

转载 作者:太空宇宙 更新时间:2023-11-03 15:53:42 28 4
gpt4 key购买 nike

我正在尝试拍摄像素化图像并使其看起来更像 CAD 绘图/蓝图。

这是源图像:

Example Image
我正在使用 python 和 openCV 2。到目前为止,我能够使用 Harris 角点检测找到一些角点,但我已经达到了 OpenCV 知识的极限。

以下是输出的示例:

enter image description here


主要目标:

  1. 90° 角
  2. 线条仅是垂直或水平的(源图像略有倾斜)

到目前为止,这里是似乎有效的概述(python):

points = cv2.cornerHarris(grey, blockSize = 2, ksize = 13, k = 0.1)
i = 0
while i < len(points):
a = points[i].src.copy()
weld_targets = []

# Compair i to points > i:
for j in range(i + 1, len(points)):
b = points[j].src
if a.distance(b) < weld_distance:
weld_targets.append(j)

if len(weld_targets) > 0:
for index in reversed(weld_targets):
a.add(points[index].src.copy())
del points[index]
a.divide(len(weld_targets) + 1)
grid_size = 5
grid_offset = 5
points[i] = TranslationPoint(a.x, a.y, grid_size, grid_offset)
else:
i += 1
# Then snapping all the points to a grid:

给我类似的东西:(粉色 = 网格捕捉点,蓝色 = 焊接/捕捉后的哈里斯角点) So far从这里我可以通过查看原始(蓝色)点之间是否大部分是黑色来连接粉红色点。

改进的想法/openCV 功能有帮助吗?

更新:这在大多数情况下都有效,并且任何激光雷达扫描都有效:

SM_KERNEL_SIZE = 5
SM_KERNEL = np.ones((SM_KERNEL_SIZE, SM_KERNEL_SIZE), np.uint8)
SOFT_KERNEL = np.asarray([
[0.2, 0.4, 0.6, 0.4, 0.2],
[0.4, 0.6, 1.0, 0.6, 0.4],
[0.6, 1.0, 1.0, 1.0, 0.6],
[0.4, 0.6, 1.0, 0.6, 0.4],
[0.2, 0.4, 0.6, 0.4, 0.2],
])
img = cv.erode(img, SMALL_KERNEL, iterations = 2)
img = cv.dilate(img, SMALL_KERNEL, iterations = 2)
for x in range(width - 1):
for y in range(height - 1):
if self.__img[y, x, 0] == 0 and self.__img[y, x, 1] == 0 and self.__img[y, x, 2] == 0:
snap_x = round(x / GRID_SIZE) * GRID_SIZE
snap_y = round(y / GRID_SIZE) * GRID_SIZE
dot_img[snap_y, snap_x] = WALL_FLAG

# Look a points that form a GRID_SIZE x GRID_Size square removing
# the point on the smallest line
dot_img = self.__four_corners(dot_img, show_preview = show_preview)

# Remove points that have no neighbors (neighbor = distance(other_point) < GRID_SIZE
# Remove points that have 1 neighbor that is a corner
# Keep neighbors on a significant line (significant line size >= 4 * GRID_SIZE)
dot_img = self.__erode(dot_img, show_preview = show_preview)

# Connect distance(other_point) <= GRID_SIZE
wall_img = self.__wall_builder(dot_img, show_preview = False)

return wall_img

我将看看我们是否可以开源该项目并将其添加到 github,以便其他人可以添加到这个很酷的项目!

最佳答案

这是我的建议,

我会对此进行筛选。

import matplotlib.cm as cm
import matplotlib.pyplot as plt
import cv2
import numpy as np

dirName = "data"
imgName = "cad_draw.jpg"
imgFilepath = os.path.join(dirName, imgName)
img = cv2.imread(imgFilepath)
print(imgName, img.shape)
numpyImg = np.asarray(img)
grayscaleImg = cv2.cvtColor(numpyImg, cv2.COLOR_BGR2GRAY)
sift = cv2.xfeatures2d.SIFT_create()
kp = sift.detect(grayscaleImg,None)
img_sift=np.zeros_like(img)
img_sift=cv2.drawKeypoints(img_sift, kp, img_sift)
plt.imshow(img_sift, cmap=cm.gray)

这会给我下面的图片 enter image description here

同时,我还会在输入图像上使用线段检测

lsd_params = dict( _refine=cv2.LSD_REFINE_ADV, _scale=0.45,     _sigma_scale=0.5, _quant=2.0, _ang_th=22.5, _log_eps=0,  _density_th=0.7, _n_bins=1024)
print(lsd_params)
LineSegmentDetector = cv2.createLineSegmentDetector(**lsd_params)
lines,widths,prec,nfa=LineSegmentDetector.detect(grayscaleImg)
img_lines = np.zeros_like(img)
assert(len(lines) == len(widths))
print(len(lines))
for l,w in zip(lines, widths):
cv2.line(img_lines, (l[0][0], l[0][1]),(l[0][2],l[0][3]), (255,255,255),1)

plt.imshow(img_lines, cmap=cm.gray)

这会给我以下图像 enter image description here

现在,我将根据关键点和检测到的线段进行推理,以形成更长的线段,我想您可以根据您的特定应用程序需求来执行此操作。我还将引入诸如 RANSAC、将紧密放置的行聚集成一行等概念,也在本文中。

关于python - OpenCV 将角对齐到网格,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/41002267/

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