我要预处理专利板,然后输入OCR。

在我自己的部分中,我必须做一些一般的事情,因为我只处理一张图像,但是以后它们将以更多 Angular 出现。

我在插入滤镜的那部分,不知道下一部分是找到轮廓还是将其拉直(为此,我正在使用霍夫变换)。

工作on colab:

!pip install pytesseract
import cv2
import numpy as np
import matplotlib.pyplot as plt
import pytesseract
plt.style.use('dark_background')

crop_img = cv2.imread('/content/0.png')

#IMG2GRAY
gray = cv2.cvtColor(crop_img, cv2.COLOR_BGR2GRAY)
plt.imshow(gray)

#tresh
thresh = cv2.threshold(gray, 0, 255, cv2.THRESH_BINARY_INV + cv2.THRESH_OTSU)[1]
plt.imshow(thresh)

# Otsu's thresholding after Gaussian filtering
blur = cv2.GaussianBlur(thresh,(5,5),0)
th3 = cv2.threshold(blur,0,255,cv2.THRESH_BINARY+cv2.THRESH_OTSU)[1]

plt.imshow(th3)
plt.show()

我的输出,我认为这是不好的:

python - 如何继续加工车牌裁剪?-LMLPHP

这是图像:

python - 如何继续加工车牌裁剪?-LMLPHP

这是我使用HoughTransform旋转图像时的输出:

python - 如何继续加工车牌裁剪?-LMLPHP

最终结果应该是这样的(但请记住,我将对其他图像使用相同的预处理):

python - 如何继续加工车牌裁剪?-LMLPHP

最佳答案

我用python编写了一个脚本,以找到车牌旋转的 Angular ,然后以相反的顺序旋转以使车牌偏斜。

import numpy as np
import math
import cv2

def rotate_image(image, angle):
    image_center = tuple(np.array(image.shape[1::-1]) / 2)
    rot_mat = cv2.getRotationMatrix2D(image_center, angle, 1.0)
    result = cv2.warpAffine(image, rot_mat, image.shape[1::-1], flags=cv2.INTER_LINEAR)
    return result

def compute_skew(src_img):

    if len(src_img.shape) == 3:
        h, w, _ = src_img.shape
    elif len(src_img.shape) == 2:
        h, w = src_img.shape
    else:
        print('upsupported image type')

    img = cv2.medianBlur(src_img, 3)

    edges = cv2.Canny(img,  threshold1 = 30,  threshold2 = 100, apertureSize = 3, L2gradient = True)
    lines = cv2.HoughLinesP(edges, 1, math.pi/180, 30, minLineLength=w / 4.0, maxLineGap=h/4.0)
    angle = 0.0
    nlines = lines.size

    #print(nlines)
    cnt = 0
    for x1, y1, x2, y2 in lines[0]:
        ang = np.arctan2(y2 - y1, x2 - x1)
        #print(ang)
        if math.fabs(ang) <= 30: # excluding extreme rotations
            angle += ang
            cnt += 1

    if cnt == 0:
        return 0.0
    return (angle / cnt)*180/math.pi

def deskew(src_img):
    return rotate_image(src_img, compute_skew(src_img))


if __name__ == '__main__':
    import cv2
    img = cv2.imread('test.png')
    corrected_img = deskew(img)

倾斜的车牌:

python - 如何继续加工车牌裁剪?-LMLPHP

您可以进行一些后期处理以完全删除填充区域,但是 Angular 校正对于任何检测器来说都是最重要的部分。

要点链接:https://gist.github.com/zabir-nabil/dfb78f584947ebdb9f29d39c9737b5c6

09-30 19:34