删除图像中的水平线(OpenCV、Python、Matplotlib)

Posted

技术标签:

【中文标题】删除图像中的水平线(OpenCV、Python、Matplotlib)【英文标题】:Removing Horizontal Lines in image (OpenCV, Python, Matplotlib) 【发布时间】:2018-02-26 17:38:29 【问题描述】:

使用以下代码,我可以删除图像中的水平线。见下面的结果。

import cv2
from matplotlib import pyplot as plt

img = cv2.imread('image.png',0)

laplacian = cv2.Laplacian(img,cv2.CV_64F)
sobelx = cv2.Sobel(img,cv2.CV_64F,1,0,ksize=5)

plt.subplot(2,2,1),plt.imshow(img,cmap = 'gray')
plt.title('Original'), plt.xticks([]), plt.yticks([])
plt.subplot(2,2,2),plt.imshow(laplacian,cmap = 'gray')
plt.title('Laplacian'), plt.xticks([]), plt.yticks([])
plt.subplot(2,2,3),plt.imshow(sobelx,cmap = 'gray')
plt.title('Sobel X'), plt.xticks([]), plt.yticks([])

plt.show()

结果还不错,不是很完美,但是很好。我想要实现的是showed here。 我正在使用this code。

源图像..

我的一个问题是:如何在不应用灰色效果的情况下保存Sobel X?作为原始但经过处理..

另外,有没有更好的方法呢?

编辑

对源图像使用以下代码很好。效果很好。

import cv2
import numpy as np

img = cv2.imread("image.png")
img=cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)

img = cv2.bitwise_not(img)
th2 = cv2.adaptiveThreshold(img,255, cv2.ADAPTIVE_THRESH_MEAN_C,cv2.THRESH_BINARY,15,-2)
cv2.imshow("th2", th2)
cv2.imwrite("th2.jpg", th2)
cv2.waitKey(0)
cv2.destroyAllWindows()

horizontal = th2
vertical = th2
rows,cols = horizontal.shape

#inverse the image, so that lines are black for masking
horizontal_inv = cv2.bitwise_not(horizontal)
#perform bitwise_and to mask the lines with provided mask
masked_img = cv2.bitwise_and(img, img, mask=horizontal_inv)
#reverse the image back to normal
masked_img_inv = cv2.bitwise_not(masked_img)
cv2.imshow("masked img", masked_img_inv)
cv2.imwrite("result2.jpg", masked_img_inv)
cv2.waitKey(0)
cv2.destroyAllWindows()

horizontalsize = int(cols / 30)
horizontalStructure = cv2.getStructuringElement(cv2.MORPH_RECT, (horizontalsize,1))
horizontal = cv2.erode(horizontal, horizontalStructure, (-1, -1))
horizontal = cv2.dilate(horizontal, horizontalStructure, (-1, -1))
cv2.imshow("horizontal", horizontal)
cv2.imwrite("horizontal.jpg", horizontal)
cv2.waitKey(0)
cv2.destroyAllWindows()

verticalsize = int(rows / 30)
verticalStructure = cv2.getStructuringElement(cv2.MORPH_RECT, (1, verticalsize))
vertical = cv2.erode(vertical, verticalStructure, (-1, -1))
vertical = cv2.dilate(vertical, verticalStructure, (-1, -1))
cv2.imshow("vertical", vertical)
cv2.imwrite("vertical.jpg", vertical)
cv2.waitKey(0)
cv2.destroyAllWindows()

vertical = cv2.bitwise_not(vertical)
cv2.imshow("vertical_bitwise_not", vertical)
cv2.imwrite("vertical_bitwise_not.jpg", vertical)
cv2.waitKey(0)
cv2.destroyAllWindows()

#step1
edges = cv2.adaptiveThreshold(vertical,255, cv2.ADAPTIVE_THRESH_MEAN_C,cv2.THRESH_BINARY,3,-2)
cv2.imshow("edges", edges)
cv2.imwrite("edges.jpg", edges)
cv2.waitKey(0)
cv2.destroyAllWindows()

#step2
kernel = np.ones((2, 2), dtype = "uint8")
dilated = cv2.dilate(edges, kernel)
cv2.imshow("dilated", dilated)
cv2.imwrite("dilated.jpg", dilated)
cv2.waitKey(0)
cv2.destroyAllWindows()

# step3
smooth = vertical.copy()

#step 4
smooth = cv2.blur(smooth, (4,4))
cv2.imshow("smooth", smooth)
cv2.imwrite("smooth.jpg", smooth)
cv2.waitKey(0)
cv2.destroyAllWindows()

#step 5
(rows, cols) = np.where(img == 0)
vertical[rows, cols] = smooth[rows, cols]

cv2.imshow("vertical_final", vertical)
cv2.imwrite("vertical_final.jpg", vertical)
cv2.waitKey(0)
cv2.destroyAllWindows()

但是如果我有这张图片呢?

我尝试执行上面的代码,结果真的很差……

我正在处理的其他图像是这些......

【问题讨论】:

你为什么不使用该示例所示的形态学运算?这是形态学运算的完美运用。请参阅我的回答 here 以了解来自 Sobel 的值。 我知道,但是使用 C++ 代码(事件转换为 Python)给了我一些错误。如果我上面发布的那个不能按我想要的那样工作,我会尝试形态学操作。我看到你擅长 OpenCV,你能给我一个提示吗?除了变形,现在.. 形态学运算绝对是最好的选择,而且更容易使用。渐变将捕获音符的边缘,这些边缘将与线条一起被删除。此外,Sobel 和相关函数是适用于任何矩阵的通用函数,因此它们并未严格按照图像数据类型进行缩放。您可以移动、获取 Sobel 的绝对值、比例和阈值以对其进行二值化,然后使用它。由于您正在尝试删除水平线,因此您应该使用Y 方向的渐变。请注意,线路上没有XSobel 的回复。 那么关注this link应该是个好办法吧? 由于您的线条出现在整个图像中,使用 HoughLines 可能会更好,这样您就不会切断文本片段(变形操作可能会发生这种情况)。 【参考方案1】:

这是一种方法

将图片转换为grayscale

Otsu's threshold获取二值图像

创建特殊的horizontal kernel 和morph open 来检测水平线

Find contours 在面具和"fill in" 检测到的水平线用白色有效去除水平线

使用morph close创建垂直内核并修复镜像


转换成灰度后,我们用Otsu的阈值得到二值图像

image = cv2.imread('1.png')
gray = cv2.cvtColor(image,cv2.COLOR_BGR2GRAY)
thresh = cv2.threshold(gray, 0, 255, cv2.THRESH_BINARY_INV + cv2.THRESH_OTSU)[1]

接下来我们创建一个特殊的水平内核来检测水平线。我们将这些线条绘制到蒙版上,然后在蒙版上找到轮廓。为了去除线条,我们用白色填充轮廓

检测到的线

面具

填充轮廓

# Remove horizontal
horizontal_kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (25,1))
detected_lines = cv2.morphologyEx(thresh, cv2.MORPH_OPEN, horizontal_kernel, iterations=2)
cnts = cv2.findContours(detected_lines, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
cnts = cnts[0] if len(cnts) == 2 else cnts[1]
for c in cnts:
    cv2.drawContours(image, [c], -1, (255,255,255), 2)

图像当前有间隙。为了解决这个问题,我们构建了一个垂直内核来修复图像

# Repair image
repair_kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (1,6))
result = 255 - cv2.morphologyEx(255 - image, cv2.MORPH_CLOSE, repair_kernel, iterations=1)

注意根据映像,内核的大小会有所变化。例如,为了检测更长的行,我们可以使用(50,1) 内核来代替。如果我们想要更粗的线条,我们可以增加第二个参数为(50,2)

这是其他图片的结果

检测到的线

原始(左),移除(右)


检测到的线

原始(左),删除(右)

完整代码

import cv2

image = cv2.imread('1.png')
gray = cv2.cvtColor(image,cv2.COLOR_BGR2GRAY)
thresh = cv2.threshold(gray, 0, 255, cv2.THRESH_BINARY_INV + cv2.THRESH_OTSU)[1]

# Remove horizontal
horizontal_kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (25,1))
detected_lines = cv2.morphologyEx(thresh, cv2.MORPH_OPEN, horizontal_kernel, iterations=2)
cnts = cv2.findContours(detected_lines, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
cnts = cnts[0] if len(cnts) == 2 else cnts[1]
for c in cnts:
    cv2.drawContours(image, [c], -1, (255,255,255), 2)

# Repair image
repair_kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (1,6))
result = 255 - cv2.morphologyEx(255 - image, cv2.MORPH_CLOSE, repair_kernel, iterations=1)

cv2.imshow('thresh', thresh)
cv2.imshow('detected_lines', detected_lines)
cv2.imshow('image', image)
cv2.imshow('result', result)
cv2.waitKey()

【讨论】:

聪明。我不会想到使用两个不同的内核(具有相反的纵横比)来打开和关闭。 你是如何得到那些绿色的“检测到的线”参考的。当我运行代码时,显示的图像都没有任何绿线? @RaduS 将drawContours 更改为绿色而不是白色并保存图像。我在这个例子中删除了它们,它只是为了解释图像。 @Ajinkya 切换到垂直内核而不是水平内核,请参阅我之前的答案以获取示例 @nathancy 我们不能用cv2.bitwise_or(image, detected_lines) 替换findContours/drawContours 部分吗?

以上是关于删除图像中的水平线(OpenCV、Python、Matplotlib)的主要内容,如果未能解决你的问题,请参考以下文章

如何使用python opencv删除文件夹中的特定图像

使用 python/opencv/深度学习从图像中删除给定位置的徽标/水印

计算机视觉OpenCV 4高级编程与项目实战(Python版):拼接图像

计算机视觉OpenCV 4高级编程与项目实战(Python版):拼接图像

使用Opencv从python中的图片中删除小边缘

利用OpenCV的flip()函数实现图像的水平镜像(水平翻转)垂直镜像(垂直翻转)