yolo视频检测时,检测框上显示中文名字

python 复制代码
from ultralytics import YOLO
import numpy as np
import cv2
from ultralytics import YOLO

# Load a pretrained YOLOv8n model
model = YOLO("yolov8n.pt")#我加载的是官方权重

# Define path to video file
video_path = r"D:\daye_input.mp4"
cap = cv2.VideoCapture(video_path)
if not cap.isOpened():
    print("Cannot open camera")
    exit()

fps = cap.get(cv2.CAP_PROP_FPS)#输入视频帧率
print(f"输入视频帧率为:Frames per second: {fps}")

# 保存视频的一些设置
width = int(cap.get(cv2.CAP_PROP_FRAME_WIDTH))
height = int(cap.get(cv2.CAP_PROP_FRAME_HEIGHT))
# width = int(1920)
# height = int(1080)
# fourcc = cv2.VideoWriter_fourcc(*'mp4v')  # 保存视频的编码格式
# output_video_path = 'daye.mp4'
# fourcc = cv2.VideoWriter_fourcc(*'mp4v')  # 保存视频的编码格式
# output_video_path = 'daye.mp4'

fourcc = cv2.VideoWriter_fourcc(*'XVID')  # 保存视频的编码格式
output_video_path = 'daye.avi'


out = cv2.VideoWriter(output_video_path, fourcc, fps, (width, height))

from PIL import Image, ImageDraw, ImageFont

# 设置字体
font = ImageFont.truetype(r'C:\Windows\Fonts\SimHei.ttf', 60)  # 替换为你的字体路径
# 循环遍历视频帧
while cap.isOpened():

    # start_time = time.time() #记录开始时间

    # 从视频读取一帧
    success, frame = cap.read()

    if success:
        # 在帧上运行YOLOv8追踪,持续追踪帧间的物体
        #     results = model(frame,  conf=0.3,iou=0.5,imgsz=(640,640))
            results = model.track(frame, persist=True, conf=0.3, iou=0.5, tracker="ultralytics/cfg/trackers/bytetrack.yaml",
                              imgsz=(1920,1080))
            img_pil = Image.fromarray(frame)
            draw = ImageDraw.Draw(img_pil)  # 创建Draw对象

            if results[0].boxes and results[0].boxes.id is not None:
               boxes = results[0].boxes.xyxy.cpu()
               clss = results[0].boxes.cls
               track_ids = results[0].boxes.id.int().cpu().tolist()
               for id, cls, boxxyxy in zip( track_ids, clss, boxes ):
                   class_id = cls.item()
                   x1, y1, x2, y2 = boxxyxy
                   tracker_id = id
                   if class_id == 0.0:
                       # class_id = 'DaYe'

                       draw.text((int(x1), int(y1) - 50), str(tracker_id)+"号大爷", font=font, fill=(0, 0,255))# 在图片上绘制中文
                       # cv2.rectangle(img_pil, (int(x1), int(y1)), (int(x2), int(y2)), (0, 69, 255), 2)  # 橙红

                       draw.rectangle([(int(x1), int(y1)), (int(x2), int(y2))], outline="blue", width=4)  # 红色边框,宽度5

                   # else:
                   #     draw.text((int(x1), int(y1) - 50),  "不像大爷", font=font,
                   #               fill=(255, 0, 0))  # 在图片上绘制中文
                   #     # cv2.rectangle(img_pil, (int(x1), int(y1)), (int(x2), int(y2)), (0, 69, 255), 2)  # 橙红
                   #
                   #     draw.rectangle([(int(x1), int(y1)), (int(x2), int(y2))], outline="red", width=4)  # 红色边框,宽度5

            # img = cv2.cvtColor(np.array(img_pil), cv2.COLOR_BGR2RGB)
            img = np.array(img_pil)
            # cv2.imshow('frame_pil', img)
            # img = cv2.resize( img, (1920, 1080))
            out.write(img)

            cv2.imshow('frame_pil', img)
            if cv2.waitKey(1) & 0xFF == ord('q'):
                break
            # cv2.waitKey(0)
            # cv2.destroyAllWindows()
    else:
        break
cap.release()
out.release()
cv2.destroyAllWindows()

检测效果见我b站视频【yolo检测框显示中文】 https://www.bilibili.com/video/BV1ih2wYWEcM/?share_source=copy_web\&vd_source=84543f4291e70cc3c31e5db4f6cabde8

相关推荐
小哥谈8 小时前
论文解析篇 | YOLOv12:以注意力机制为核心的实时目标检测算法
人工智能·深度学习·yolo·目标检测·机器学习·计算机视觉
向哆哆13 小时前
YOLO在自动驾驶交通标志识别中的应用与优化【附代码】
人工智能·深度学习·yolo·自动驾驶·yolov8
zhangfeng113317 小时前
机器学习 YOLOv5手绘电路图识别 手绘电路图自动转换为仿真软件(如LT Spice)可用的原理图,避免人工重绘
人工智能·yolo·机器学习
FL16238631291 天前
如何使用目标检测深度学习框架yolov8训练钢管管道表面缺陷VOC+YOLO格式1159张3类别的检测数据集步骤和流程
深度学习·yolo·目标检测
Dymc1 天前
【目标检测之Ultralytics预测框颜色修改】
人工智能·yolo·目标检测·计算机视觉
lianyinghhh2 天前
yolo8实现目标检测
yolo·目标检测·macos
灵智工坊LingzhiAI2 天前
基于YOLO的足球检测Web应用:从训练到部署的完整实战
yolo
飞天小女警momo2 天前
YOLO 模型 ONNX 导出与跨平台部署流程
yolo
19893 天前
【零基础学AI】第31讲:目标检测 - YOLO算法
人工智能·rnn·yolo·目标检测·tensorflow·lstm
cver1233 天前
CSGO 训练数据集介绍-2,427 张图片 AI 游戏助手 游戏数据分析
人工智能·深度学习·yolo·目标检测·游戏·计算机视觉