使用 OpenCV-Python 识别答题卡判卷功能
作者:糖公子没来过 发布时间:2023-02-03 07:01:43
标签:OpenCV,Python,答题卡,判卷
任务
识别用相机拍下来的答题卡,并判断最终得分(假设正确答案是B, E, A, D, B)
主要步骤
轮廓识别——答题卡边缘识别
透视变换——提取答题卡主体
轮廓识别——识别出所有圆形选项,剔除无关轮廓
检测每一行选择的是哪一项,并将结果储存起来,记录正确的个数
计算最终得分并在图中标注
分步实现
轮廓识别——答题卡边缘识别
输入图像
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)
图像预处理
# 图像预处理
# 高斯降噪
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)
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
轮廓识别——识别出选项
# 轮廓识别——识别出选项
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)
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
用透过mask的像素的个数来判断考生选择的是哪个选项
计算最终得分并在图中标注
# 计算最终得分并在图中标注
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)
完整代码
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


猜你喜欢
- 虽然每天发送高(hao)精(nan)专(dong)的资讯文章给大家,大家还是很给面子的都来阅读了,所以能看的出大家都是很爱学习的人喔,所以小
- 由于marquee标签现在用得是越来越少了,所以滚动效果的做法大多也都改用javascript来实现了,至于不明白为什么不直接用marque
- 问:我想问一下我在重新装完系统以后装SQL Server2000时提示:以前某个程序安装已在计算机上创建挂起的文件操作,运行安装
- 本文实例讲述了C#操作SQLite数据库帮助类。分享给大家供大家参考,具体如下:最近有WPF做客户端,需要离线操作存储数据,在项目中考虑使用
- 数据可视化是数据科学或机器学习项目中十分重要的一环。通常,你需要在项目初期进行探索性的数据分析(EDA),从而对数据有一定的了解,而且创建可
- MySQL 数据(字段)类型在创建表的时候,要明确定义字段对应的数据类型。MySQL 主要的数据类型分为数值类型、字符串(文本)类型、时间日
- UEditor效果图一、简介UEditor是一个开源免费的编辑器,由百度web前端研发部开发所见即所得富文本web编辑器,具有轻量,可定制,
- 本博客可能没有那么规范,环境之类的配置。只是让你直接开始编程写python。至于各种配置网络上有多种方法。本文仅代表我的观点的一种方法。电脑
- 概述从今天开始我们将开启一段自然语言处理 (NLP) 的旅程. 自然语言处理可以让来处理, 理解, 以及运用人类的语言, 实现机器语言和人类
- 最近在阅读Python微型Web框架Bottle的源码,发现了Bottle中有一个既是装饰器类又是描述符的有趣实现。刚好这两个点是Pytho
- Jon Wiley, User Experience Designer for Google Apps, outlined some of
- JavaScript中的64位加密及解密的两个方法。function base64Encode(text){if (/(
- 本程序有两文件test.asp 和tree.asp 还有一些图标文件 1。test.asp 调用类生成树 代码如下<%@
- 保存代码到文件:logger.pyimport osimport logbookfrom logbook.more import Color
- 一、概念介绍1、POST请求:HTTP/1.1 协议规定的 HTTP 请求方法有 OPTIONS、GET、HEAD、POST、PUT、DEL
- 实现对下一个单词的预测RNN 原理自己找,这里只给出简单例子的实现代码import tensorflow as tfimport numpy
- 熟悉pandas的pythoner 应该知道给dataframe增加一列很容易,直接以字典形式指定就好了,pyspark中就不同了,摸索了一
- 简而言之,只要一个组件中某个属性的值是函数,那么就可以说该组件使用了 Render Props 这种技术。听起来好像就那么回事儿,那到底 R
- 简介日常开发中, 测试是不能缺少的.Go 标准库中有一个叫做 testing 的测试框架, 可以用于单元测试和性能测试.它是和命令 go t
- webpack代码拆分webpack有两种组织模块依赖的方式,同步和异步。异步依赖作为分割点,形成一个新的块,在优化了依赖树后,每一个异步区