使用 OpenCV-Python 识别答题卡判卷功能

作者:糖公子没来过 时间:2023-02-03 07:01:43 

任务

识别用相机拍下来的答题卡,并判断最终得分(假设正确答案是B, E, A, D, B)

使用 OpenCV-Python 识别答题卡判卷功能

主要步骤

  1. 轮廓识别——答题卡边缘识别

  2. 透视变换——提取答题卡主体

  3. 轮廓识别——识别出所有圆形选项,剔除无关轮廓

  4. 检测每一行选择的是哪一项,并将结果储存起来,记录正确的个数

  5. 计算最终得分并在图中标注

分步实现

轮廓识别——答题卡边缘识别

输入图像


import cv2 as cv
import numpy as np

# 正确答案
right_key = {0: 1, 1: 4, 2: 0, 3: 3, 4: 1}

# 输入图像
img = cv.imread('./images/test_01.jpg')
img_copy = img.copy()
img_gray = cv.cvtColor(img, cv.COLOR_BGR2GRAY)
cvshow('img-gray', img_gray)

使用 OpenCV-Python 识别答题卡判卷功能

图像预处理


# 图像预处理
# 高斯降噪
img_gaussian = cv.GaussianBlur(img_gray, (5, 5), 1)
cvshow('gaussianblur', img_gaussian)
# canny边缘检测
img_canny = cv.Canny(img_gaussian, 80, 150)
cvshow('canny', img_canny)

 使用 OpenCV-Python 识别答题卡判卷功能

使用 OpenCV-Python 识别答题卡判卷功能 

轮廓识别——答题卡边缘识别


# 轮廓识别——答题卡边缘识别
cnts, hierarchy = cv.findContours(img_canny, cv.RETR_EXTERNAL, cv.CHAIN_APPROX_SIMPLE)
cv.drawContours(img_copy, cnts, -1, (0, 0, 255), 3)
cvshow('contours-show', img_copy)

使用 OpenCV-Python 识别答题卡判卷功能

透视变换——提取答题卡主体

对每个轮廓进行拟合,将多边形轮廓变为四边形


docCnt = None

# 确保检测到了
if len(cnts) > 0:
   # 根据轮廓大小进行排序
   cnts = sorted(cnts, key=cv.contourArea, reverse=True)

# 遍历每一个轮廓
   for c in cnts:
       # 近似
       peri = cv.arcLength(c, True)
       # arclength 计算一段曲线的长度或者闭合曲线的周长;
       # 第一个参数输入一个二维向量,第二个参数表示计算曲线是否闭合

approx = cv.approxPolyDP(c, 0.02 * peri, True)
       # 用一条顶点较少的曲线/多边形来近似曲线/多边形,以使它们之间的距离<=指定的精度;
       # c是需要近似的曲线,0.02*peri是精度的最大值,True表示曲线是闭合的

# 准备做透视变换
       if len(approx) == 4:
           docCnt = approx
           break

透视变换——提取答题卡主体


# 透视变换——提取答题卡主体
docCnt = docCnt.reshape(4, 2)
warped = four_point_transform(img_gray, docCnt)
cvshow('warped', warped)

def four_point_transform(img, four_points):
   rect = order_points(four_points)
   (tl, tr, br, bl) = rect

# 计算输入的w和h的值
   widthA = np.sqrt((tr[0] - tl[0]) ** 2 + (tr[1] - tl[1]) ** 2)
   widthB = np.sqrt((br[0] - bl[0]) ** 2 + (br[1] - bl[1]) ** 2)
   maxWidth = max(int(widthA), int(widthB))

heightA = np.sqrt((tl[0] - bl[0]) ** 2 + (tl[1] - bl[1]) ** 2)
   heightB = np.sqrt((tr[0] - br[0]) ** 2 + (tr[1] - br[1]) ** 2)
   maxHeight = max(int(heightA), int(heightB))

# 变换后对应的坐标位置
   dst = np.array([
       [0, 0],
       [maxWidth - 1, 0],
       [maxWidth - 1, maxHeight - 1],
       [0, maxHeight - 1]], dtype='float32')

# 最主要的函数就是 cv2.getPerspectiveTransform(rect, dst) 和 cv2.warpPerspective(image, M, (maxWidth, maxHeight))
   M = cv.getPerspectiveTransform(rect, dst)
   warped = cv.warpPerspective(img, M, (maxWidth, maxHeight))
   return warped

def order_points(points):
   res = np.zeros((4, 2), dtype='float32')
   # 按照从前往后0,1,2,3分别表示左上、右上、右下、左下的顺序将points中的数填入res中

# 将四个坐标x与y相加,和最大的那个是右下角的坐标,最小的那个是左上角的坐标
   sum_hang = points.sum(axis=1)
   res[0] = points[np.argmin(sum_hang)]
   res[2] = points[np.argmax(sum_hang)]

# 计算坐标x与y的离散插值np.diff()
   diff = np.diff(points, axis=1)
   res[1] = points[np.argmin(diff)]
   res[3] = points[np.argmax(diff)]

# 返回result
   return res

使用 OpenCV-Python 识别答题卡判卷功能

轮廓识别——识别出选项


# 轮廓识别——识别出选项
thresh = cv.threshold(warped, 0, 255, cv.THRESH_BINARY_INV | cv.THRESH_OTSU)[1]
cvshow('thresh', thresh)
thresh_cnts, _ = cv.findContours(thresh, cv.RETR_EXTERNAL, cv.CHAIN_APPROX_SIMPLE)
w_copy = warped.copy()
cv.drawContours(w_copy, thresh_cnts, -1, (0, 0, 255), 2)
cvshow('warped_contours', w_copy)

questionCnts = []
# 遍历,挑出选项的cnts
for c in thresh_cnts:
   (x, y, w, h) = cv.boundingRect(c)
   ar = w / float(h)
   # 根据实际情况指定标准
   if w >= 20 and h >= 20 and ar >= 0.9 and ar <= 1.1:
       questionCnts.append(c)

# 检查是否挑出了选项
w_copy2 = warped.copy()
cv.drawContours(w_copy2, questionCnts, -1, (0, 0, 255), 2)
cvshow('questionCnts', w_copy2)

使用 OpenCV-Python 识别答题卡判卷功能

使用 OpenCV-Python 识别答题卡判卷功能

使用 OpenCV-Python 识别答题卡判卷功能

成功将无关轮廓剔除

检测每一行选择的是哪一项,并将结果储存起来,记录正确的个数


# 检测每一行选择的是哪一项,并将结果储存在元组bubble中,记录正确的个数correct
# 按照从上到下t2b对轮廓进行排序
questionCnts = sort_contours(questionCnts, method="t2b")[0]
correct = 0
# 每行有5个选项
for (i, q) in enumerate(np.arange(0, len(questionCnts), 5)):
   # 排序
   cnts = sort_contours(questionCnts[q:q+5])[0]

bubble = None
   # 得到每一个选项的mask并填充,与正确答案进行按位与操作获得重合点数
   for (j, c) in enumerate(cnts):
       mask = np.zeros(thresh.shape, dtype='uint8')
       cv.drawContours(mask, [c], -1, 255, -1)
       # cvshow('mask', mask)

# 通过按位与操作得到thresh与mask重合部分的像素数量
       bitand = cv.bitwise_and(thresh, thresh, mask=mask)
       totalPixel = cv.countNonZero(bitand)

if bubble is None or bubble[0] < totalPixel:
           bubble = (totalPixel, j)

k = bubble[1]
   color = (0, 0, 255)
   if k == right_key[i]:
       correct += 1
       color = (0, 255, 0)

# 绘图
   cv.drawContours(warped, [cnts[right_key[i]]], -1, color, 3)
   cvshow('final', warped)

def sort_contours(contours, method="l2r"):
   # 用于给轮廓排序,l2r, r2l, t2b, b2t
   reverse = False
   i = 0
   if method == "r2l" or method == "b2t":
       reverse = True
   if method == "t2b" or method == "b2t":
       i = 1

boundingBoxes = [cv.boundingRect(c) for c in contours]
   (contours, boundingBoxes) = zip(*sorted(zip(contours, boundingBoxes), key=lambda a: a[1][i], reverse=reverse))
   return contours, boundingBoxes

使用 OpenCV-Python 识别答题卡判卷功能 

用透过mask的像素的个数来判断考生选择的是哪个选项

使用 OpenCV-Python 识别答题卡判卷功能

计算最终得分并在图中标注


# 计算最终得分并在图中标注
score = (correct / 5.0) * 100
print(f"Score: {score}%")
cv.putText(warped, f"Score: {score}%", (10, 30), cv.FONT_HERSHEY_SIMPLEX, 0.9, (0, 0, 255), 2)
cv.imshow("Original", img)
cv.imshow("Exam", warped)
cv.waitKey(0)

使用 OpenCV-Python 识别答题卡判卷功能

完整代码


import cv2 as cv
import numpy as np

def cvshow(name, img):
   cv.imshow(name, img)
   cv.waitKey(0)
   cv.destroyAllWindows()

def four_point_transform(img, four_points):
   rect = order_points(four_points)
   (tl, tr, br, bl) = rect

# 计算输入的w和h的值
   widthA = np.sqrt((tr[0] - tl[0]) ** 2 + (tr[1] - tl[1]) ** 2)
   widthB = np.sqrt((br[0] - bl[0]) ** 2 + (br[1] - bl[1]) ** 2)
   maxWidth = max(int(widthA), int(widthB))

heightA = np.sqrt((tl[0] - bl[0]) ** 2 + (tl[1] - bl[1]) ** 2)
   heightB = np.sqrt((tr[0] - br[0]) ** 2 + (tr[1] - br[1]) ** 2)
   maxHeight = max(int(heightA), int(heightB))

# 变换后对应的坐标位置
   dst = np.array([
       [0, 0],
       [maxWidth - 1, 0],
       [maxWidth - 1, maxHeight - 1],
       [0, maxHeight - 1]], dtype='float32')

# 最主要的函数就是 cv2.getPerspectiveTransform(rect, dst) 和 cv2.warpPerspective(image, M, (maxWidth, maxHeight))
   M = cv.getPerspectiveTransform(rect, dst)
   warped = cv.warpPerspective(img, M, (maxWidth, maxHeight))
   return warped

def order_points(points):
   res = np.zeros((4, 2), dtype='float32')
   # 按照从前往后0,1,2,3分别表示左上、右上、右下、左下的顺序将points中的数填入res中

# 将四个坐标x与y相加,和最大的那个是右下角的坐标,最小的那个是左上角的坐标
   sum_hang = points.sum(axis=1)
   res[0] = points[np.argmin(sum_hang)]
   res[2] = points[np.argmax(sum_hang)]

# 计算坐标x与y的离散插值np.diff()
   diff = np.diff(points, axis=1)
   res[1] = points[np.argmin(diff)]
   res[3] = points[np.argmax(diff)]

# 返回result
   return res

def sort_contours(contours, method="l2r"):
   # 用于给轮廓排序,l2r, r2l, t2b, b2t
   reverse = False
   i = 0
   if method == "r2l" or method == "b2t":
       reverse = True
   if method == "t2b" or method == "b2t":
       i = 1

boundingBoxes = [cv.boundingRect(c) for c in contours]
   (contours, boundingBoxes) = zip(*sorted(zip(contours, boundingBoxes), key=lambda a: a[1][i], reverse=reverse))
   return contours, boundingBoxes

# 正确答案
right_key = {0: 1, 1: 4, 2: 0, 3: 3, 4: 1}

# 输入图像
img = cv.imread('./images/test_01.jpg')
img_copy = img.copy()
img_gray = cv.cvtColor(img, cv.COLOR_BGR2GRAY)
cvshow('img-gray', img_gray)

# 图像预处理
# 高斯降噪
img_gaussian = cv.GaussianBlur(img_gray, (5, 5), 1)
cvshow('gaussianblur', img_gaussian)
# canny边缘检测
img_canny = cv.Canny(img_gaussian, 80, 150)
cvshow('canny', img_canny)

# 轮廓识别——答题卡边缘识别
cnts, hierarchy = cv.findContours(img_canny, cv.RETR_EXTERNAL, cv.CHAIN_APPROX_SIMPLE)
cv.drawContours(img_copy, cnts, -1, (0, 0, 255), 3)
cvshow('contours-show', img_copy)

docCnt = None

# 确保检测到了
if len(cnts) > 0:
   # 根据轮廓大小进行排序
   cnts = sorted(cnts, key=cv.contourArea, reverse=True)

# 遍历每一个轮廓
   for c in cnts:
       # 近似
       peri = cv.arcLength(c, True)  # arclength 计算一段曲线的长度或者闭合曲线的周长;
       # 第一个参数输入一个二维向量,第二个参数表示计算曲线是否闭合

approx = cv.approxPolyDP(c, 0.02 * peri, True)
       # 用一条顶点较少的曲线/多边形来近似曲线/多边形,以使它们之间的距离<=指定的精度;
       # c是需要近似的曲线,0.02*peri是精度的最大值,True表示曲线是闭合的

# 准备做透视变换
       if len(approx) == 4:
           docCnt = approx
           break

# 透视变换——提取答题卡主体
docCnt = docCnt.reshape(4, 2)
warped = four_point_transform(img_gray, docCnt)
cvshow('warped', warped)

# 轮廓识别——识别出选项
thresh = cv.threshold(warped, 0, 255, cv.THRESH_BINARY_INV | cv.THRESH_OTSU)[1]
cvshow('thresh', thresh)
thresh_cnts, _ = cv.findContours(thresh, cv.RETR_EXTERNAL, cv.CHAIN_APPROX_SIMPLE)
w_copy = warped.copy()
cv.drawContours(w_copy, thresh_cnts, -1, (0, 0, 255), 2)
cvshow('warped_contours', w_copy)

questionCnts = []
# 遍历,挑出选项的cnts
for c in thresh_cnts:
   (x, y, w, h) = cv.boundingRect(c)
   ar = w / float(h)
   # 根据实际情况指定标准
   if w >= 20 and h >= 20 and ar >= 0.9 and ar <= 1.1:
       questionCnts.append(c)

# 检查是否挑出了选项
w_copy2 = warped.copy()
cv.drawContours(w_copy2, questionCnts, -1, (0, 0, 255), 2)
cvshow('questionCnts', w_copy2)

# 检测每一行选择的是哪一项,并将结果储存在元组bubble中,记录正确的个数correct
# 按照从上到下t2b对轮廓进行排序
questionCnts = sort_contours(questionCnts, method="t2b")[0]
correct = 0
# 每行有5个选项
for (i, q) in enumerate(np.arange(0, len(questionCnts), 5)):
   # 排序
   cnts = sort_contours(questionCnts[q:q+5])[0]

bubble = None
   # 得到每一个选项的mask并填充,与正确答案进行按位与操作获得重合点数
   for (j, c) in enumerate(cnts):
       mask = np.zeros(thresh.shape, dtype='uint8')
       cv.drawContours(mask, [c], -1, 255, -1)
       cvshow('mask', mask)

# 通过按位与操作得到thresh与mask重合部分的像素数量
       bitand = cv.bitwise_and(thresh, thresh, mask=mask)
       totalPixel = cv.countNonZero(bitand)

if bubble is None or bubble[0] < totalPixel:
           bubble = (totalPixel, j)

k = bubble[1]
   color = (0, 0, 255)
   if k == right_key[i]:
       correct += 1
       color = (0, 255, 0)

# 绘图
   cv.drawContours(warped, [cnts[right_key[i]]], -1, color, 3)
   cvshow('final', warped)

# 计算最终得分并在图中标注
score = (correct / 5.0) * 100
print(f"Score: {score}%")
cv.putText(warped, f"Score: {score}%", (10, 30), cv.FONT_HERSHEY_SIMPLEX, 0.9, (0, 0, 255), 2)
cv.imshow("Original", img)
cv.imshow("Exam", warped)
cv.waitKey(0)

来源:https://blog.csdn.net/m0_51738700/article/details/122047762

标签:OpenCV,Python,答题卡,判卷
0
投稿

猜你喜欢

  • 微信小程序与php 实现微信支付的简单实例

    2023-11-14 15:22:07
  • MySQL过滤重复数据的两种方法示例

    2024-01-16 12:54:27
  • 对pandas中iloc,loc取数据差别及按条件取值的方法详解

    2021-06-15 01:58:05
  • php生成随机密码的三种方法小结

    2023-11-22 04:25:50
  • 详解Scrapy Redis入门实战

    2023-04-14 11:39:08
  • Oracle中PL/SQL的块与表达式

    2024-01-28 21:30:34
  • 如何从数据库断开recordset,提高运行速度?

    2009-11-15 20:01:00
  • JSQL 批量图片切换的实现代码

    2023-09-05 06:47:59
  • 从0到1构建vueSSR项目之路由的构建

    2024-05-09 09:52:33
  • 在MySQL数据库中如何修改密码及访问限制

    2008-11-27 16:36:00
  • MySQL数据库配置技巧

    2009-03-06 14:32:00
  • Python使用xpath实现图片爬取

    2023-07-10 16:45:42
  • Python面试题之统计哈希列表中最多元素

    2023-06-26 20:24:49
  • Python基于codecs模块实现文件读写案例解析

    2023-08-31 16:25:21
  • Pytorch 图像变换函数集合小结

    2022-06-14 08:52:09
  • OpenCV-Python实现图像平滑处理操作

    2021-06-19 10:28:21
  • 网站通过W3C标准注意点

    2010-01-14 20:15:00
  • 基于pandas向csv添加新的行和列

    2021-11-29 02:28:56
  • Django自定义用户认证示例详解

    2022-02-03 01:31:18
  • Python+matplotlib实现计算两个信号的交叉谱密度实例

    2023-05-12 23:29:55
  • asp之家 网络编程 m.aspxhome.com