python-3.x - 如何使用 OpenCV 检测垂直文本以进行提取

标签 python-3.x opencv hough-transform opencv-contour

我是 OpenCV 的新手,想看看我是否能找到一种方法来检测附加图像的垂直文本。
在这种情况下,在第 3 行,我想获得原始成本周围的边界框和以下金额(200,000.00 美元)。
同样,我想获得 Amount Existing Liens 周围的边界框以及下面的相关金额。然后我会使用这些数据发送到 OCR 引擎来读取文本。传统的 OCR 引擎逐行提取并丢失上下文。
这是我迄今为止尝试过的-

import cv2
import numpy as np

img = cv2.imread('Test3.png')
gray = cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)

edges = cv2.Canny(gray,100,100,apertureSize = 3)
cv2.imshow('edges',edges)
cv2.waitKey(0)

minLineLength = 20
maxLineGap = 10
lines = cv2.HoughLinesP(edges,1,np.pi/180,15,minLineLength=minLineLength,maxLineGap=maxLineGap)

for x in range(0, len(lines)):
    for x1,y1,x2,y2 in lines[x]:
        cv2.line(img,(x1,y1),(x2,y2),(0,255,0),2)

cv2.imshow('hough',img)
cv2.waitKey(0)
enter image description here

最佳答案

这是我基于 Kanan Vyas 的解决方案和 Adrian Rosenbrock
它可能不像您希望的那样“规范”。
但它似乎适用于(或多或少......)您提供的图像。
只是一句警告:该代码在它运行的目录中查找名为“Cropped”的文件夹,其中将存储裁剪的图像。因此,不要在已经包含名为“Cropped”的文件夹的目录中运行它,因为它会在每次运行时删除该文件夹中的所有内容。明白了吗?如果您不确定,请在单独的文件夹中运行它。
编码:

# Import required packages 
import cv2 
import numpy as np
import pathlib

###################################################################################################################################
# https://www.pyimagesearch.com/2015/04/20/sorting-contours-using-python-and-opencv/
###################################################################################################################################
def sort_contours(cnts, method="left-to-right"):
    # initialize the reverse flag and sort index
    reverse = False
    i = 0
    # handle if we need to sort in reverse
    if method == "right-to-left" or method == "bottom-to-top":
        reverse = True
    # handle if we are sorting against the y-coordinate rather than
    # the x-coordinate of the bounding box
    if method == "top-to-bottom" or method == "bottom-to-top":
        i = 1
    # construct the list of bounding boxes and sort them from top to
    # bottom
    boundingBoxes = [cv2.boundingRect(c) for c in cnts]
    (cnts, boundingBoxes) = zip(*sorted(zip(cnts, boundingBoxes),
        key=lambda b:b[1][i], reverse=reverse))
    # return the list of sorted contours and bounding boxes
    return (cnts, boundingBoxes)




###################################################################################################################################
# https://medium.com/coinmonks/a-box-detection-algorithm-for-any-image-containing-boxes-756c15d7ed26    (with a few modifications)
###################################################################################################################################
def box_extraction(img_for_box_extraction_path, cropped_dir_path):
    img = cv2.imread(img_for_box_extraction_path, 0)  # Read the image
    (thresh, img_bin) = cv2.threshold(img, 128, 255,
                                      cv2.THRESH_BINARY | cv2.THRESH_OTSU)  # Thresholding the image
    img_bin = 255-img_bin  # Invert the imagecv2.imwrite("Image_bin.jpg",img_bin)
   
    # Defining a kernel length
    kernel_length = np.array(img).shape[1]//200
     
    # A verticle kernel of (1 X kernel_length), which will detect all the verticle lines from the image.
    verticle_kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (1, kernel_length))
    # A horizontal kernel of (kernel_length X 1), which will help to detect all the horizontal line from the image.
    hori_kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (kernel_length, 1))
    # A kernel of (3 X 3) ones.
    kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (3, 3))# Morphological operation to detect verticle lines from an image
    img_temp1 = cv2.erode(img_bin, verticle_kernel, iterations=3)
    verticle_lines_img = cv2.dilate(img_temp1, verticle_kernel, iterations=3)
    #cv2.imwrite("verticle_lines.jpg",verticle_lines_img)# Morphological operation to detect horizontal lines from an image
    img_temp2 = cv2.erode(img_bin, hori_kernel, iterations=3)
    horizontal_lines_img = cv2.dilate(img_temp2, hori_kernel, iterations=3)
    #cv2.imwrite("horizontal_lines.jpg",horizontal_lines_img)# Weighting parameters, this will decide the quantity of an image to be added to make a new image.
    alpha = 0.5
    beta = 1.0 - alpha
    # This function helps to add two image with specific weight parameter to get a third image as summation of two image.
    img_final_bin = cv2.addWeighted(verticle_lines_img, alpha, horizontal_lines_img, beta, 0.0)
    img_final_bin = cv2.erode(~img_final_bin, kernel, iterations=2)
    (thresh, img_final_bin) = cv2.threshold(img_final_bin, 128, 255, cv2.THRESH_BINARY | cv2.THRESH_OTSU)# For Debugging
    # Enable this line to see verticle and horizontal lines in the image which is used to find boxes
    #cv2.imwrite("img_final_bin.jpg",img_final_bin)
    # Find contours for image, which will detect all the boxes
    contours, hierarchy = cv2.findContours(
        img_final_bin, cv2.RETR_TREE, cv2.CHAIN_APPROX_SIMPLE)
    # Sort all the contours by top to bottom.
    (contours, boundingBoxes) = sort_contours(contours, method="top-to-bottom")
    idx = 0
    for c in contours:
        # Returns the location and width,height for every contour
        x, y, w, h = cv2.boundingRect(c)# If the box height is greater then 20, widht is >80, then only save it as a box in "cropped/" folder.
        if (w > 50 and h > 20):# and w > 3*h:
            idx += 1
            new_img = img[y:y+h, x:x+w]
            cv2.imwrite(cropped_dir_path+str(x)+'_'+str(y) + '.png', new_img)


###########################################################################################################################################################
def prepare_cropped_folder():
   p=pathlib.Path('./Cropped')
   if p.exists():   # Cropped folder non empty. Let's clean up
      files = [x for x in p.glob('*.*') if x.is_file()]
      for f in files:
         f.unlink()
   else:
      p.mkdir()

###########################################################################################################################################################
# MAIN
###########################################################################################################################################################
prepare_cropped_folder()

# Read image from which text needs to be extracted 
img = cv2.imread("dkesg.png") 

gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) 
  
# Performing OTSU threshold 
ret, thresh1 = cv2.threshold(gray, 0, 255, cv2.THRESH_OTSU | cv2.THRESH_BINARY_INV) 

thresh1=255-thresh1
bin_y=np.zeros(thresh1.shape[0])

for x in range(0,len(bin_y)):
    bin_y[x]=sum(thresh1[x,:])

bin_y=bin_y/max(bin_y)

ry=np.where(bin_y>0.995)[0]

for i in range(0,len(ry)):
   cv2.line(img, (0, ry[i]), (thresh1.shape[1], ry[i]), (0, 0, 0), 1)

# We need to draw abox around the picture with a white border in order for box_detection to work
cv2.line(img,(0,0),(0,img.shape[0]-1),(255,255,255),2)
cv2.line(img,(img.shape[1]-1,0),(img.shape[1]-1,img.shape[0]-1),(255,255,255),2)
cv2.line(img,(0,0),(img.shape[1]-1,0),(255,255,255),2)
cv2.line(img,(0,img.shape[0]-1),(img.shape[1]-1,img.shape[0]-1),(255,255,255),2)

cv2.line(img,(0,0),(0,img.shape[0]-1),(0,0,0),1)
cv2.line(img,(img.shape[1]-3,0),(img.shape[1]-3,img.shape[0]-1),(0,0,0),1)
cv2.line(img,(0,0),(img.shape[1]-1,0),(0,0,0),1)
cv2.line(img,(0,img.shape[0]-2),(img.shape[1]-1,img.shape[0]-2),(0,0,0),1)


cv2.imwrite('out.png',img)
box_extraction("out.png", "./Cropped/")
现在...它将裁剪区域放在裁剪文件夹中。它们被命名为 x_y.png,原始图像上的位置为 (x,y)。
这是输出的两个示例
253_182.png

478_182.png
现在,在一个终端中。我在这两个图像上使用了 pytesseract。
结果如下:
1)
原始成本
200,000.00 美元
2)
现有留置权金额
494,215.00 美元
正如你所看到的,pytesseract 在第二种情况下的数量是错误的......所以,要小心。
此致,
斯蒂芬妮

关于python-3.x - 如何使用 OpenCV 检测垂直文本以进行提取,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/63309306/

相关文章:

c++ - 使用opencv通过反卷积对图像进行去模糊

c# - 如何将 Image 类型转换为 Image<Bgr, Byte>?

opencv - 改进圆圈检测

python - 如何在累加器坐标位移范围内定义广义霍夫变换的高斯投票?

python - 如何将累加器 [Hough 变换] 的值转换回 Canvas 上的一条线?

python - Tornado 协程函数中的变量会发生什么变化?

python - 读取 PEM 字符串时出现 PyAsn1 错误

Python 相对/绝对导入(再次)

c++ - 如何在 OpenCV 中找到矩形的高度和宽度?

python - 类型错误 : Missing one positional argument "self" Conway's Game of Life