一、项目介绍
摘要
本项目基于YOLOv10目标检测算法开发了一套高精度的扑克牌识别检测系统,能够准确识别和定位52种标准扑克牌(包括13个点数×4种花色)。系统在包含24,233张图像的数据集上进行了训练和验证,其中训练集21,203张,验证集2,020张,测试集1,010张。该系统可实时检测扑克牌的种类、位置和数量,可广泛应用于赌场监控、扑克游戏自动计分、魔术教学分析、智能机器人抓取等多个领域,具有重要的实用价值和商业前景。
项目意义
-
自动化游戏计分:可替代传统人工计分方式,实现扑克类游戏的自动化计分和结果判定,大幅提高游戏效率和公平性。
-
赌场监控与防作弊:在博彩行业可用于实时监控牌桌情况,自动识别异常牌型,防范作弊行为,保障赌场运营安全。
-
魔术教学与研究:为魔术爱好者提供自动化的扑克牌动作分析工具,辅助学习和研究扑克魔术技巧。
-
机器人视觉引导:为扑克牌分拣机器人提供精准的视觉定位能力,实现自动化扑克牌整理和分类。
-
计算机视觉技术验证:作为目标检测算法的一个典型应用场景,扑克牌识别具有图案复杂、相似度高、遮挡常见等特点,是验证和改进目标检测算法的理想测试平台。
-
教育示范价值:该项目涵盖了数据采集、标注、模型训练和部署的全流程,是计算机视觉教学的优秀案例。
目录
七、项目源码(视频下方简介内)
基于深度学习YOLOv10的扑克牌识别检测系统(YOLOv10+YOLO数据集+UI界面+Python项目源码+模型)_哔哩哔哩_bilibili
基于深度学习YOLOv10的扑克牌识别检测系统(YOLOv10+YOLO数据集+UI界面+Python项目源码+模型)
二、项目功能展示
系统功能
✅ 图片检测:可对图片进行检测,返回检测框及类别信息。
✅ 视频检测:支持视频文件输入,检测视频中每一帧的情况。
✅ 摄像头实时检测:连接USB 摄像头,实现实时监测。
✅参数实时调节(置信度和IoU阈值)
-
图片检测
该功能允许用户通过单张图片进行目标检测。输入一张图片后,YOLO模型会实时分析图像,识别出其中的目标,并在图像中框出检测到的目标,输出带有目标框的图像。
-
视频检测
视频检测功能允许用户将视频文件作为输入。YOLO模型将逐帧分析视频,并在每一帧中标记出检测到的目标。最终结果可以是带有目标框的视频文件或实时展示,适用于视频监控和分析等场景。
-
摄像头实时检测
该功能支持通过连接摄像头进行实时目标检测。YOLO模型能够在摄像头拍摄的实时视频流中进行目标检测,实时识别并显示检测结果。此功能非常适用于安防监控、无人驾驶、智能交通等应用,提供即时反馈。
核心特点:
- 高精度:基于YOLO模型,提供精确的目标检测能力,适用于不同类型的图像和视频。
- 实时性:特别优化的算法使得实时目标检测成为可能,无论是在视频还是摄像头实时检测中,响应速度都非常快。
- 批量处理:支持高效的批量图像和视频处理,适合大规模数据分析。
三、数据集介绍
数据集概述
本数据集是专为扑克牌识别任务构建的大规模图像集合,共包含24,233张高质量扑克牌图像,涵盖52种标准扑克牌的所有组合。数据集按照8.5:1:0.5的比例划分为训练集(21,203张)、验证集(2,020张)和测试集(1,010张),确保模型训练的科学性和评估的可靠性。
数据集特点
-
多样性丰富:
-
包含不同光照条件(自然光、室内灯光、强光、弱光等)
-
多种背景环境(纯色背景、木质桌面、布料、复杂场景等)
-
不同摆放方式(平铺、叠放、部分遮挡、弯曲变形等)
-
多种视角(正视角、斜视角、俯视角等)
-
-
标注精确:
-
每张扑克牌都使用矩形框精确标注
-
标注信息包括52种类别(如'10C'代表梅花10,'AH'代表红心A等)
-
标注经过三重校验,确保准确性
-
-
平衡性良好:
-
每类扑克牌样本数量基本均衡
-
训练集、验证集和测试集的数据分布一致
-
数据集配置文件
数据集采用YOLO格式组织,配置文件包含以下关键内容:
train: F:\扑克牌识别检测数据集\train\images
val: F:\扑克牌识别检测数据集\valid\images
test: F:\扑克牌识别检测数据集\test\images
nc: 52
names: ['10C', '10D', '10H', '10S', '2C', '2D', '2H', '2S', '3C', '3D', '3H', '3S', '4C', '4D', '4H', '4S', '5C', '5D', '5H', '5S', '6C', '6D', '6H', '6S', '7C', '7D', '7H', '7S', '8C', '8D', '8H', '8S', '9C', '9D', '9H', '9S', 'AC', 'AD', 'AH', 'AS', 'JC', 'JD', 'JH', 'JS', 'KC', 'KD', 'KH', 'KS', 'QC', 'QD', 'QH', 'QS']
数据集制作流程
-
数据采集:
-
使用10部不同型号的手机和相机(iPhone 12/13、华为Mate40、佳能EOS R等)采集原始图像
-
在不同光照条件和背景下拍摄
-
包含单人持牌、多人持牌、桌面摆放等多种场景
-
-
数据清洗:
-
去除模糊、过暗/过曝、严重畸变的图像
-
检查并删除标注错误的样本
-
平衡各类别的样本数量
-
-
数据标注:
-
使用LabelImg工具进行人工标注
-
标注要求:框体紧贴扑克牌边缘,不包含多余背景
-
每张图像由3人分别标注后进行交叉验证
-
-
数据增强:
-
应用随机旋转
-
亮度/对比度调整
-
添加高斯噪声
-
模拟运动模糊
-
透视变换
-
-
数据集划分:
-
按场景、设备、光照等条件分层抽样
-
确保训练集、验证集和测试集的数据分布一致
-
避免相同扑克牌出现在不同子集中
-
-
格式转换:
-
将标注转换为YOLO格式(归一化坐标)
-
生成对应的索引文件
-
验证标注文件与图像的对应关系
-
四、项目环境配置
创建虚拟环境
首先新建一个Anaconda环境,每个项目用不同的环境,这样项目中所用的依赖包互不干扰。
终端输入
conda create -n yolov10 python==3.9
激活虚拟环境
conda activate yolov10
安装cpu版本pytorch
pip install torch torchvision torchaudio
pycharm中配置anaconda
安装所需要库
pip install -r requirements.txt
五、模型训练
训练代码
from ultralytics import YOLOv10
model_path = 'yolov10s.pt'
data_path = 'datasets/data.yaml'
if __name__ == '__main__':
model = YOLOv10(model_path)
results = model.train(data=data_path,
epochs=500,
batch=64,
device='0',
workers=0,
project='runs/detect',
name='exp',
)
根据实际情况更换模型 yolov10n.yaml (nano):轻量化模型,适合嵌入式设备,速度快但精度略低。 yolov10s.yaml (small):小模型,适合实时任务。 yolov10m.yaml (medium):中等大小模型,兼顾速度和精度。 yolov10b.yaml (base):基本版模型,适合大部分应用场景。 yolov10l.yaml (large):大型模型,适合对精度要求高的任务。
--batch 64
:每批次64张图像。--epochs 500
:训练500轮。--datasets/data.yaml
:数据集配置文件。--weights yolov10s.pt
:初始化模型权重,yolov10s.pt
是预训练的轻量级YOLO模型。
训练结果
六、核心代码
import sys
import cv2
import numpy as np
from PyQt5.QtWidgets import QApplication, QMessageBox, QFileDialog
from PyQt5.QtCore import QThread, pyqtSignal
from ultralytics import YOLOv10
from UiMain import UiMainWindow
import time
import os
class DetectionThread(QThread):
frame_received = pyqtSignal(np.ndarray, np.ndarray, list) # 原始帧, 检测帧, 检测结果
finished_signal = pyqtSignal() # 线程完成信号
def __init__(self, model, source, conf, iou, parent=None):
super().__init__(parent)
self.model = model
self.source = source
self.conf = conf
self.iou = iou
self.running = True
def run(self):
try:
if isinstance(self.source, int) or self.source.endswith(('.mp4', '.avi', '.mov')): # 视频或摄像头
cap = cv2.VideoCapture(self.source)
while self.running and cap.isOpened():
ret, frame = cap.read()
if not ret:
break
# 保存原始帧
original_frame = frame.copy()
# 检测
results = self.model(frame, conf=self.conf, iou=self.iou)
annotated_frame = results[0].plot()
# 提取检测结果
detections = []
for result in results:
for box in result.boxes:
class_id = int(box.cls)
class_name = self.model.names[class_id]
confidence = float(box.conf)
x, y, w, h = box.xywh[0].tolist()
detections.append((class_name, confidence, x, y))
# 发送信号
self.frame_received.emit(
cv2.cvtColor(original_frame, cv2.COLOR_BGR2RGB),
cv2.cvtColor(annotated_frame, cv2.COLOR_BGR2RGB),
detections
)
# 控制帧率
time.sleep(0.03) # 约30fps
cap.release()
else: # 图片
frame = cv2.imread(self.source)
if frame is not None:
original_frame = frame.copy()
results = self.model(frame, conf=self.conf, iou=self.iou)
annotated_frame = results[0].plot()
# 提取检测结果
detections = []
for result in results:
for box in result.boxes:
class_id = int(box.cls)
class_name = self.model.names[class_id]
confidence = float(box.conf)
x, y, w, h = box.xywh[0].tolist()
detections.append((class_name, confidence, x, y))
self.frame_received.emit(
cv2.cvtColor(original_frame, cv2.COLOR_BGR2RGB),
cv2.cvtColor(annotated_frame, cv2.COLOR_BGR2RGB),
detections
)
except Exception as e:
print(f"Detection error: {e}")
finally:
self.finished_signal.emit()
def stop(self):
self.running = False
class MainWindow(UiMainWindow):
def __init__(self):
super().__init__()
# 初始化模型
self.model = None
self.detection_thread = None
self.current_image = None
self.current_result = None
self.video_writer = None
self.is_camera_running = False
self.is_video_running = False
self.last_detection_result = None # 新增:保存最后一次检测结果
# 连接按钮信号
self.image_btn.clicked.connect(self.detect_image)
self.video_btn.clicked.connect(self.detect_video)
self.camera_btn.clicked.connect(self.detect_camera)
self.stop_btn.clicked.connect(self.stop_detection)
self.save_btn.clicked.connect(self.save_result)
# 初始化模型
self.load_model()
def load_model(self):
try:
model_name = self.model_combo.currentText()
self.model = YOLOv10(f"{model_name}.pt") # 自动下载或加载本地模型
self.update_status(f"模型 {model_name} 加载成功")
except Exception as e:
QMessageBox.critical(self, "错误", f"模型加载失败: {str(e)}")
self.update_status("模型加载失败")
def detect_image(self):
if self.detection_thread and self.detection_thread.isRunning():
QMessageBox.warning(self, "警告", "请先停止当前检测任务")
return
file_path, _ = QFileDialog.getOpenFileName(
self, "选择图片", "", "图片文件 (*.jpg *.jpeg *.png *.bmp)")
if file_path:
self.clear_results()
self.current_image = cv2.imread(file_path)
self.current_image = cv2.cvtColor(self.current_image, cv2.COLOR_BGR2RGB)
self.display_image(self.original_image_label, self.current_image)
# 创建检测线程
conf = self.confidence_spinbox.value()
iou = self.iou_spinbox.value()
self.detection_thread = DetectionThread(self.model, file_path, conf, iou)
self.detection_thread.frame_received.connect(self.on_frame_received)
self.detection_thread.finished_signal.connect(self.on_detection_finished)
self.detection_thread.start()
self.update_status(f"正在检测图片: {os.path.basename(file_path)}")
def detect_video(self):
if self.detection_thread and self.detection_thread.isRunning():
QMessageBox.warning(self, "警告", "请先停止当前检测任务")
return
file_path, _ = QFileDialog.getOpenFileName(
self, "选择视频", "", "视频文件 (*.mp4 *.avi *.mov)")
if file_path:
self.clear_results()
self.is_video_running = True
# 初始化视频写入器
cap = cv2.VideoCapture(file_path)
frame_width = int(cap.get(cv2.CAP_PROP_FRAME_WIDTH))
frame_height = int(cap.get(cv2.CAP_PROP_FRAME_HEIGHT))
fps = cap.get(cv2.CAP_PROP_FPS)
cap.release()
# 创建保存路径
save_dir = "results"
os.makedirs(save_dir, exist_ok=True)
timestamp = time.strftime("%Y%m%d_%H%M%S")
save_path = os.path.join(save_dir, f"result_{timestamp}.mp4")
fourcc = cv2.VideoWriter_fourcc(*'mp4v')
self.video_writer = cv2.VideoWriter(save_path, fourcc, fps, (frame_width, frame_height))
# 创建检测线程
conf = self.confidence_spinbox.value()
iou = self.iou_spinbox.value()
self.detection_thread = DetectionThread(self.model, file_path, conf, iou)
self.detection_thread.frame_received.connect(self.on_frame_received)
self.detection_thread.finished_signal.connect(self.on_detection_finished)
self.detection_thread.start()
self.update_status(f"正在检测视频: {os.path.basename(file_path)}")
def detect_camera(self):
if self.detection_thread and self.detection_thread.isRunning():
QMessageBox.warning(self, "警告", "请先停止当前检测任务")
return
self.clear_results()
self.is_camera_running = True
# 创建检测线程 (默认使用摄像头0)
conf = self.confidence_spinbox.value()
iou = self.iou_spinbox.value()
self.detection_thread = DetectionThread(self.model, 0, conf, iou)
self.detection_thread.frame_received.connect(self.on_frame_received)
self.detection_thread.finished_signal.connect(self.on_detection_finished)
self.detection_thread.start()
self.update_status("正在从摄像头检测...")
def stop_detection(self):
if self.detection_thread and self.detection_thread.isRunning():
self.detection_thread.stop()
self.detection_thread.quit()
self.detection_thread.wait()
if self.video_writer:
self.video_writer.release()
self.video_writer = None
self.is_camera_running = False
self.is_video_running = False
self.update_status("检测已停止")
def on_frame_received(self, original_frame, result_frame, detections):
# 更新原始图像和结果图像
self.display_image(self.original_image_label, original_frame)
self.display_image(self.result_image_label, result_frame)
# 保存当前结果帧用于后续保存
self.last_detection_result = result_frame # 新增:保存检测结果
# 更新表格
self.clear_results()
for class_name, confidence, x, y in detections:
self.add_detection_result(class_name, confidence, x, y)
# 保存视频帧
if self.video_writer:
self.video_writer.write(cv2.cvtColor(result_frame, cv2.COLOR_RGB2BGR))
def on_detection_finished(self):
if self.video_writer:
self.video_writer.release()
self.video_writer = None
self.update_status("视频检测完成,结果已保存")
elif self.is_camera_running:
self.update_status("摄像头检测已停止")
else:
self.update_status("图片检测完成")
def save_result(self):
if not hasattr(self, 'last_detection_result') or self.last_detection_result is None:
QMessageBox.warning(self, "警告", "没有可保存的检测结果")
return
save_dir = "results"
os.makedirs(save_dir, exist_ok=True)
timestamp = time.strftime("%Y%m%d_%H%M%S")
if self.is_camera_running or self.is_video_running:
# 保存当前帧为图片
save_path = os.path.join(save_dir, f"snapshot_{timestamp}.jpg")
cv2.imwrite(save_path, cv2.cvtColor(self.last_detection_result, cv2.COLOR_RGB2BGR))
self.update_status(f"截图已保存: {save_path}")
else:
# 保存图片检测结果
save_path = os.path.join(save_dir, f"result_{timestamp}.jpg")
cv2.imwrite(save_path, cv2.cvtColor(self.last_detection_result, cv2.COLOR_RGB2BGR))
self.update_status(f"检测结果已保存: {save_path}")
def closeEvent(self, event):
self.stop_detection()
event.accept()
if __name__ == "__main__":
app = QApplication(sys.argv)
# 设置应用程序样式
app.setStyle("Fusion")
# 创建并显示主窗口
window = MainWindow()
window.show()
sys.exit(app.exec_())
七、项目源码(视频下方简介内)
完整全部资源文件(包括测试图片、视频,py文件,训练数据集、训练代码、界面代码等),这里已打包上传至博主的面包多平台,见可参考博客与视频,已将所有涉及的文件同时打包到里面,点击即可运行,完整文件截图如下:
基于深度学习YOLOv10的扑克牌识别检测系统(YOLOv10+YOLO数据集+UI界面+Python项目源码+模型)_哔哩哔哩_bilibili
基于深度学习YOLOv10的扑克牌识别检测系统(YOLOv10+YOLO数据集+UI界面+Python项目源码+模型)