yolov5连接网络摄像头
时间: 2023-10-26 07:07:06 浏览: 264
基于Django YOLOv5搭建实时多摄像头监控系统
5星 · 资源好评率100%
要使用 YOLOv5 连接网络摄像头,需要先安装 OpenCV 和 PyTorch 库。然后,可以使用以下代码:
```python
import cv2
import torch
from models.experimental import attempt_load
from utils.general import non_max_suppression
# 加载 YOLOv5 模型
model = attempt_load('yolov5s.pt', map_location=torch.device('cpu'))
# 打开摄像头
cap = cv2.VideoCapture(0)
while True:
# 读取摄像头帧
ret, frame = cap.read()
# 将帧转换为模型输入格式
img = torch.from_numpy(frame).permute(2, 0, 1).float().unsqueeze(0) / 255.0
# 运行模型进行目标检测
detections = model(img)[0]
detections = non_max_suppression(detections, conf_thres=0.5, iou_thres=0.5)
# 在图像上绘制检测结果
for det in detections:
x1, y1, x2, y2, conf, cls = det[0]
cv2.rectangle(frame, (int(x1), int(y1)), (int(x2), int(y2)), (0, 255, 0),2)
cv2.putText(frame, f'{cls}: {conf:.2f}', (int(x1), int(y1) - 10), cv2.FONT_HERSHEY_SIMPLEX, 0.5, (0, 255, 0), 2)
# 显示图像
cv2.imshow('frame', frame)
# 按下 q 键退出
if cv2.waitKey(1) == ord('q'):
break
# 释放摄像头并关闭窗口
cap.release()
cv2.destroyAllWindows()
```
阅读全文