当前位置:   article > 正文

OrangePi AIpro 香橙派 测评体验——YOLOv5水果识别项目_orange pi 5 pro ai

orange pi 5 pro ai

目录

概述

硬件

项目介绍

环境安装

结果

项目源码

个人感受


实物图:

高度集成CPU、AI计算、ISP、图形输出等功能,具有20TOPS AI算力,可以有效实现目标识别、图像分类等AI应用加速,可快速提升开发效率,降低开发成本。

可配24GB运行内存,各种复杂应用都能流畅运行。

概述

OrangePi AIpro(20T)采用昇腾AI技术路线,具体为4核64位处理器+AI处理器,集成图形处理器,支持20TOPS AI算力,拥有12GB/24GB LPDDR4X,可以外接32GB/64GB/256GB eMMC模块,支持双4K高清输出。

OrangePi AIpro(20T)引用了相当丰富的接口,包括两个HDMI输出、GPIO接口、Type-C电源接口、支持SATA/NVMe SSD 2280的M.2插槽、TF插槽、2.5G高速网口、三个USB3.0、一个USB Type-C 3.0、一个Type-C(串口打印调试功能)、两个MIPI摄像头、一个MIPI屏等,预留电池接口,可广泛适用于AI边缘计算、深度视觉学习及视频流AI分析、视频图像分析、自然语言处理、智能小车、机械臂、人工智能、无人机、云计算、AR/VR、智能安防、智能家居等领域,覆盖 AIoT各个行业。

OrangePi AIpro支持Ubuntu、openEuler操作系统,满足大多数AI算法原型验证、推理应用开发的需求。

硬件

发板搭载的是一颗64位4核CPU,具体型号不详
 

昇腾芯片 NPU 卡的信息,Device为310B4,芯片温度为50度
 

开发板使用32G内存卡作为硬盘

8G内存

时间有点紧,整理后会将源码发布

项目介绍

本文主要是介绍在OrangePi AIpro 香橙派中如何使用YOLOv5,只介绍如何使用,数据收集和标注,模型训练,模型优化在之前文章已经做过了就不再介绍.由于昨天弄的比较匆忙,忘记了把如何配置网络等步骤记录下来,下面就给大家展示一下简单的步骤,后期有时间再去格式化重新截图.香橙派的效果是非常令我震惊的.完全超乎我的想象...

基于YOLO系列算法的水果识别系统在实时目标检测领域展现了卓越的性能。YOLOv5、YOLOv6、YOLOv7和YOLOv8作为该系列的最新版本,通过不断优化网络结构和训练策略,显著提升了目标检测的精度和效率。本文旨在研究和实现一个基于YOLO系列算法的水果识别系统,以提高水果识别的准确性和实时性。本文详述了国内外研究现状、数据集处理、算法原理、模型构建与训练代码等,基于这些先进的YOLO算法,设计并实现了一个水果识别系统,能够在各种硬件平台上高效运行。系统通过摄像头实时捕捉水果图像,并利用YOLO模型进行目标检测和分类。实验结果表明,该系统在识别精度和推理速度方面均表现出色,能够满足实际应用中的需求。

实现步骤

  • 数据收集和标注:收集大量水果图像并进行手动或自动标注。
  • 模型训练:使用YOLOv5的预训练模型或自定义数据集进行模型训练,以学习水果的特征和边界框。
  • 模型优化:通过调整训练策略、数据增强和超参数优化,提升模型的准确率和泛化能力。
  • 部署和测试:将训练好的模型部署到目标环境中,评估其在实际场景中的性能和效果。

本文主要是介绍在OrangePi AIpro 香橙派中如何使用YOLOv5,只介绍如何使用,数据收集和标注,模型训练,模型优化在之前文章已经做过了就不再介绍

环境安装

# YOLOv5 requirements
# Usage: pip install -r requirements.txt

# Base ----------------------------------------
matplotlib>=3.2.2
numpy>=1.18.5
opencv-python>=4.1.1
Pillow>=7.1.2
PyYAML>=5.3.1
requests>=2.23.0
scipy>=1.4.1
torch==1.9.1
torchvision==0.10.1
pyqt5==5.15.6
tqdm>=4.64.0
# protobuf<=3.20.1  # https://github.com/ultralytics/yolov5/issues/8012

# Logging -------------------------------------
tensorboard>=2.4.1
# wandb
# clearml

# Plotting ------------------------------------
pandas>=1.1.4
seaborn>=0.11.0

# Export --------------------------------------
# coremltools>=5.2  # CoreML export
# onnx>=1.9.0  # ONNX export
# onnx-simplifier>=0.4.1  # ONNX simplifier
# nvidia-pyindex  # TensorRT export
# nvidia-tensorrt  # TensorRT export
# scikit-learn==0.19.2  # CoreML quantization
# tensorflow>=2.4.1  # TFLite export (or tensorflow-cpu, tensorflow-aarch64)
# tensorflowjs>=3.9.0  # TF.js export
# openvino-dev  # OpenVINO export

# Extras --------------------------------------
ipython  # interactive notebook
psutil  # system utilization
thop>=0.1.1  # FLOPs computation
# albumentations>=1.0.3
# pycocotools>=2.0  # COCO mAP
# roboflow

直接在终端安装requirements.txt 中所需的环境.

但是其中有的环境出现报错,需要单独安装!!!

# torch_npu由于需要源码编译,速度可能较慢,本样例提供 python3.9,torch2.1版本的torch_npu whl包
wget https://obs-9be7.obs.cn-east-2.myhuaweicloud.com/wanzutao/torch_npu-2.1.0rc1-cp39-cp39-linux_aarch64.whl

# 使用pip命令安装
pip3 install torch_npu-2.1.0rc1-cp39-cp39-linux_aarch64.whl

因为第一次接触,有些东西不会操作.后续操作都在JupterLab中进行.

将程序下载后并解压.

unrar x  YOLOv5水果检测.rar

在JupterLab中打开

可以直接run main.py,或者可以像我一样将代码复制到.ipynb文件里运行.

结果

运行之后结果

香橙派AIpro展示出了强大的算力,能够以0.01秒的速度完成YOLOv5水果识别项目,这确实显示了其在处理复杂计算任务上的优秀性能。这种快速的识别速度反映了其高效的处理能力和优秀的硬件性能,使其能够在实时应用和大规模数据处理中发挥重要作用。

我的台式机4060ti跑这个项目视频每一帧的速度大约是0.005s,香橙派作为一个千元的机子,已经很优秀了.我完全没有想到会有这么强.

项目源码

  1. # -*- coding: UTF-8 -*-
  2. import random
  3. import sys
  4. import threading
  5. import time
  6. import cv2
  7. import numpy
  8. import torch
  9. import torch.backends.cudnn as cudnn
  10. from PyQt5.QtCore import *
  11. from PyQt5.QtGui import *
  12. from PyQt5.QtWidgets import *
  13. from models.experimental import attempt_load
  14. from utils.datasets import LoadImages, LoadStreams
  15. from utils.general import check_img_size, non_max_suppression, scale_coords
  16. from utils.plots import plot_one_box
  17. from utils.torch_utils import select_device, time_synchronized
  18. model_path = 'runs/train/yolov5s/weights/best.pt'
  19. # 添加一个关于界面
  20. # 窗口主类
  21. class MainWindow(QTabWidget):
  22. # 基本配置不动,然后只动第三个界面
  23. def __init__(self):
  24. # 初始化界面
  25. super().__init__()
  26. self.setWindowTitle('Yolov5检测系统')
  27. self.resize(1200, 800)
  28. self.setWindowIcon(QIcon("./UI/xf.jpg"))
  29. # 图片读取进程
  30. self.output_size = 480
  31. self.img2predict = ""
  32. # 空字符串会自己进行选择,首选cuda
  33. self.device = ''
  34. # # 初始化视频读取线程
  35. self.vid_source = '0' # 初始设置为摄像头
  36. # 检测视频的线程
  37. self.threading = None
  38. # 是否跳出当前循环的线程
  39. self.jump_threading: bool = False
  40. self.image_size = 640
  41. self.confidence = 0.25
  42. self.iou_threshold = 0.45
  43. # 指明模型加载的位置的设备
  44. self.model = self.model_load(weights=model_path,
  45. device=self.device)
  46. self.initUI()
  47. self.reset_vid()
  48. @torch.no_grad()
  49. def model_load(self,
  50. weights="", # model.pt path(s)
  51. device='', # cuda device, i.e. 0 or 0,1,2,3 or cpu
  52. ):
  53. """
  54. 模型初始化
  55. """
  56. device = self.device = select_device(device)
  57. half = device.type != 'cpu' # half precision only supported on CUDA
  58. # Load model
  59. model = attempt_load(weights, device) # load FP32 model
  60. self.stride = int(model.stride.max()) # model stride
  61. self.image_size = check_img_size(self.image_size, s=self.stride) # check img_size
  62. if half:
  63. model.half() # to FP16
  64. # Run inference
  65. if device.type != 'cpu':
  66. print("Run inference")
  67. model(torch.zeros(1, 3, self.image_size, self.image_size).to(device).type_as(
  68. next(model.parameters()))) # run once
  69. print("模型加载完成!")
  70. return model
  71. def reset_vid(self):
  72. """
  73. 界面重置事件
  74. """
  75. self.webcam_detection_btn.setEnabled(True)
  76. self.mp4_detection_btn.setEnabled(True)
  77. self.left_vid_img.setPixmap(QPixmap("./UI/up.jpeg"))
  78. self.vid_source = '0'
  79. self.disable_btn(self.det_img_button)
  80. self.disable_btn(self.vid_start_stop_btn)
  81. self.jump_threading = False
  82. def initUI(self):
  83. """
  84. 界面初始化
  85. """
  86. # 图片检测子界面
  87. font_title = QFont('楷体', 16)
  88. font_main = QFont('楷体', 14)
  89. font_general = QFont('楷体', 10)
  90. # 图片识别界面, 两个按钮,上传图片和显示结果
  91. img_detection_widget = QWidget()
  92. img_detection_layout = QVBoxLayout()
  93. img_detection_title = QLabel("图片识别功能")
  94. img_detection_title.setFont(font_title)
  95. mid_img_widget = QWidget()
  96. mid_img_layout = QHBoxLayout()
  97. self.left_img = QLabel()
  98. self.right_img = QLabel()
  99. self.left_img.setPixmap(QPixmap("./UI/up.jpeg"))
  100. self.right_img.setPixmap(QPixmap("./UI/right.jpeg"))
  101. self.left_img.setAlignment(Qt.AlignCenter)
  102. self.right_img.setAlignment(Qt.AlignCenter)
  103. self.left_img.setMinimumSize(480, 480)
  104. self.left_img.setStyleSheet("QLabel{background-color: #f6f8fa;}")
  105. mid_img_layout.addWidget(self.left_img)
  106. self.right_img.setMinimumSize(480, 480)
  107. self.right_img.setStyleSheet("QLabel{background-color: #f6f8fa;}")
  108. mid_img_layout.addStretch(0)
  109. mid_img_layout.addWidget(self.right_img)
  110. mid_img_widget.setLayout(mid_img_layout)
  111. self.up_img_button = QPushButton("上传图片")
  112. self.det_img_button = QPushButton("开始检测")
  113. self.up_img_button.clicked.connect(self.upload_img)
  114. self.det_img_button.clicked.connect(self.detect_img)
  115. self.up_img_button.setFont(font_main)
  116. self.det_img_button.setFont(font_main)
  117. self.up_img_button.setStyleSheet("QPushButton{color:white}"
  118. "QPushButton:hover{background-color: rgb(2,110,180);}"
  119. "QPushButton{background-color:rgb(48,124,208)}"
  120. "QPushButton{border:2px}"
  121. "QPushButton{border-radius:5px}"
  122. "QPushButton{padding:5px 5px}"
  123. "QPushButton{margin:5px 5px}")
  124. self.det_img_button.setStyleSheet("QPushButton{color:white}"
  125. "QPushButton:hover{background-color: rgb(2,110,180);}"
  126. "QPushButton{background-color:rgb(48,124,208)}"
  127. "QPushButton{border:2px}"
  128. "QPushButton{border-radius:5px}"
  129. "QPushButton{padding:5px 5px}"
  130. "QPushButton{margin:5px 5px}")
  131. img_detection_layout.addWidget(img_detection_title, alignment=Qt.AlignCenter)
  132. img_detection_layout.addWidget(mid_img_widget, alignment=Qt.AlignCenter)
  133. img_detection_layout.addWidget(self.up_img_button)
  134. img_detection_layout.addWidget(self.det_img_button)
  135. img_detection_widget.setLayout(img_detection_layout)
  136. # 视频识别界面
  137. # 视频识别界面的逻辑比较简单,基本就从上到下的逻辑
  138. vid_detection_widget = QWidget()
  139. vid_detection_layout = QVBoxLayout()
  140. vid_title = QLabel("视频检测功能")
  141. vid_title.setFont(font_title)
  142. self.left_vid_img = QLabel()
  143. self.right_vid_img = QLabel()
  144. self.left_vid_img.setPixmap(QPixmap("./UI/up.jpeg"))
  145. self.right_vid_img.setPixmap(QPixmap("./UI/right.jpeg"))
  146. self.left_vid_img.setAlignment(Qt.AlignCenter)
  147. self.left_vid_img.setMinimumSize(480, 480)
  148. self.left_vid_img.setStyleSheet("QLabel{background-color: #f6f8fa;}")
  149. self.right_vid_img.setAlignment(Qt.AlignCenter)
  150. self.right_vid_img.setMinimumSize(480, 480)
  151. self.right_vid_img.setStyleSheet("QLabel{background-color: #f6f8fa;}")
  152. mid_img_widget = QWidget()
  153. mid_img_layout = QHBoxLayout()
  154. mid_img_layout.addWidget(self.left_vid_img)
  155. mid_img_layout.addStretch(0)
  156. mid_img_layout.addWidget(self.right_vid_img)
  157. mid_img_widget.setLayout(mid_img_layout)
  158. self.webcam_detection_btn = QPushButton("摄像头实时监测")
  159. self.mp4_detection_btn = QPushButton("视频文件检测")
  160. self.vid_start_stop_btn = QPushButton("启动/停止检测")
  161. self.webcam_detection_btn.setFont(font_main)
  162. self.mp4_detection_btn.setFont(font_main)
  163. self.vid_start_stop_btn.setFont(font_main)
  164. self.webcam_detection_btn.setStyleSheet("QPushButton{color:white}"
  165. "QPushButton:hover{background-color: rgb(2,110,180);}"
  166. "QPushButton{background-color:rgb(48,124,208)}"
  167. "QPushButton{border:2px}"
  168. "QPushButton{border-radius:5px}"
  169. "QPushButton{padding:5px 5px}"
  170. "QPushButton{margin:5px 5px}")
  171. self.mp4_detection_btn.setStyleSheet("QPushButton{color:white}"
  172. "QPushButton:hover{background-color: rgb(2,110,180);}"
  173. "QPushButton{background-color:rgb(48,124,208)}"
  174. "QPushButton{border:1px}"
  175. "QPushButton{border-radius:5px}"
  176. "QPushButton{padding:5px 5px}"
  177. "QPushButton{margin:5px 5px}")
  178. self.vid_start_stop_btn.setStyleSheet("QPushButton{color:white}"
  179. "QPushButton:hover{background-color: rgb(2,110,180);}"
  180. "QPushButton{background-color:rgb(48,124,208)}"
  181. "QPushButton{border:2px}"
  182. "QPushButton{border-radius:5px}"
  183. "QPushButton{padding:5px 5px}"
  184. "QPushButton{margin:5px 5px}")
  185. self.webcam_detection_btn.clicked.connect(self.open_cam)
  186. self.mp4_detection_btn.clicked.connect(self.open_mp4)
  187. self.vid_start_stop_btn.clicked.connect(self.start_or_stop)
  188. # 添加fps显示
  189. fps_container = QWidget()
  190. fps_container.setStyleSheet("QWidget{background-color: #f6f8fa;}")
  191. fps_container_layout = QHBoxLayout()
  192. fps_container.setLayout(fps_container_layout)
  193. # 左容器
  194. fps_left_container = QWidget()
  195. fps_left_container.setStyleSheet("QWidget{background-color: #f6f8fa;}")
  196. fps_left_container_layout = QHBoxLayout()
  197. fps_left_container.setLayout(fps_left_container_layout)
  198. # 右容器
  199. fps_right_container = QWidget()
  200. fps_right_container.setStyleSheet("QWidget{background-color: #f6f8fa;}")
  201. fps_right_container_layout = QHBoxLayout()
  202. fps_right_container.setLayout(fps_right_container_layout)
  203. # 将左容器和右容器添加到fps_container_layout中
  204. fps_container_layout.addWidget(fps_left_container)
  205. fps_container_layout.addStretch(0)
  206. fps_container_layout.addWidget(fps_right_container)
  207. # 左容器中添加fps显示
  208. raw_fps_label = QLabel("原始帧率:")
  209. raw_fps_label.setFont(font_general)
  210. raw_fps_label.setAlignment(Qt.AlignLeft)
  211. raw_fps_label.setStyleSheet("QLabel{margin-left:80px}")
  212. self.raw_fps_value = QLabel("0")
  213. self.raw_fps_value.setFont(font_general)
  214. self.raw_fps_value.setAlignment(Qt.AlignLeft)
  215. fps_left_container_layout.addWidget(raw_fps_label)
  216. fps_left_container_layout.addWidget(self.raw_fps_value)
  217. # 右容器中添加fps显示
  218. detect_fps_label = QLabel("检测帧率:")
  219. detect_fps_label.setFont(font_general)
  220. detect_fps_label.setAlignment(Qt.AlignRight)
  221. self.detect_fps_value = QLabel("0")
  222. self.detect_fps_value.setFont(font_general)
  223. self.detect_fps_value.setAlignment(Qt.AlignRight)
  224. self.detect_fps_value.setStyleSheet("QLabel{margin-right:96px}")
  225. fps_right_container_layout.addWidget(detect_fps_label)
  226. fps_right_container_layout.addWidget(self.detect_fps_value)
  227. # 添加组件到布局上
  228. vid_detection_layout.addWidget(vid_title, alignment=Qt.AlignCenter)
  229. vid_detection_layout.addWidget(fps_container)
  230. vid_detection_layout.addWidget(mid_img_widget, alignment=Qt.AlignCenter)
  231. vid_detection_layout.addWidget(self.webcam_detection_btn)
  232. vid_detection_layout.addWidget(self.mp4_detection_btn)
  233. vid_detection_layout.addWidget(self.vid_start_stop_btn)
  234. vid_detection_widget.setLayout(vid_detection_layout)
  235. # 关于界面
  236. about_widget = QWidget()
  237. about_layout = QVBoxLayout()
  238. about_title = QLabel('欢迎使用目标检测系统\n') # 修改欢迎词语
  239. about_title.setFont(QFont('楷体', 18))
  240. about_title.setAlignment(Qt.AlignCenter)
  241. about_img = QLabel()
  242. about_img.setPixmap(QPixmap('./UI/qq.png'))
  243. about_img.setAlignment(Qt.AlignCenter)
  244. # label4.setText("<a href='https://oi.wiki/wiki/学习率的调整'>如何调整学习率</a>")
  245. label_super = QLabel() # 更换作者信息
  246. label_super.setText("")
  247. label_super.setFont(QFont('楷体', 16))
  248. label_super.setOpenExternalLinks(True)
  249. # label_super.setOpenExternalLinks(True)
  250. label_super.setAlignment(Qt.AlignRight)
  251. about_layout.addWidget(about_title)
  252. about_layout.addStretch()
  253. about_layout.addWidget(about_img)
  254. about_layout.addStretch()
  255. about_layout.addWidget(label_super)
  256. about_widget.setLayout(about_layout)
  257. self.addTab(img_detection_widget, '图片检测')
  258. self.addTab(vid_detection_widget, '视频检测')
  259. # self.addTab(about_widget, '联系我')
  260. self.setTabIcon(0, QIcon('./UI/lufei.png'))
  261. self.setTabIcon(1, QIcon('./UI/lufei.png'))
  262. def disable_btn(self, pushButton: QPushButton):
  263. pushButton.setDisabled(True)
  264. pushButton.setStyleSheet("QPushButton{background-color: rgb(2,110,180);}")
  265. def enable_btn(self, pushButton: QPushButton):
  266. pushButton.setEnabled(True)
  267. pushButton.setStyleSheet(
  268. "QPushButton{background-color: rgb(48,124,208);}"
  269. "QPushButton{color:white}"
  270. )
  271. def detect(self, source: str, left_img: QLabel, right_img: QLabel):
  272. """
  273. @param source: file/dir/URL/glob, 0 for webcam
  274. @param left_img: 将左侧QLabel对象传入,用于显示图片
  275. @param right_img: 将右侧QLabel对象传入,用于显示图片
  276. """
  277. model = self.model
  278. img_size = [self.image_size, self.image_size] # inference size (pixels)
  279. conf_threshold = self.confidence # confidence threshold
  280. iou_threshold = self.iou_threshold # NMS IOU threshold
  281. device = self.device # cuda device, i.e. 0 or 0,1,2,3 or cpu
  282. classes = None # filter by class: --class 0, or --class 0 2 3
  283. agnostic_nms = False # class-agnostic NMS
  284. augment = False # augmented inference
  285. half = device.type != 'cpu' # half precision only supported on CUDA
  286. if source == "":
  287. self.disable_btn(self.det_img_button)
  288. QMessageBox.warning(self, "请上传", "请先上传视频或图片再进行检测")
  289. else:
  290. source = str(source)
  291. webcam = source.isnumeric()
  292. # Set Dataloader
  293. if webcam:
  294. cudnn.benchmark = True # set True to speed up constant image size inference
  295. dataset = LoadStreams(source, img_size=img_size, stride=self.stride)
  296. else:
  297. dataset = LoadImages(source, img_size=img_size, stride=self.stride)
  298. # Get names and colors
  299. names = model.module.names if hasattr(model, 'module') else model.names
  300. colors = [[random.randint(0, 255) for _ in range(3)] for _ in names]
  301. # 用来记录处理的图片数量
  302. count = 0
  303. # 计算帧率开始时间
  304. fps_start_time = time.time()
  305. for path, img, im0s, vid_cap in dataset:
  306. # 直接跳出for,结束线程
  307. if self.jump_threading:
  308. # 清除状态
  309. self.jump_threading = False
  310. break
  311. count += 1
  312. img = torch.from_numpy(img).to(device)
  313. img = img.half() if half else img.float() # uint8 to fp16/32
  314. img /= 255.0 # 0 - 255 to 0.0 - 1.0
  315. if img.ndimension() == 3:
  316. img = img.unsqueeze(0)
  317. # Inference
  318. t1 = time_synchronized()
  319. pred = model(img, augment=augment)[0]
  320. # Apply NMS
  321. pred = non_max_suppression(pred, conf_threshold, iou_threshold, classes=classes, agnostic=agnostic_nms)
  322. t2 = time_synchronized()
  323. # Process detections
  324. for i, det in enumerate(pred): # detections per image
  325. if webcam: # batch_size >= 1
  326. s, im0 = 'detect : ', im0s[i].copy()
  327. else:
  328. s, im0 = 'detect : ', im0s.copy()
  329. # s += '%gx%g ' % img.shape[2:] # print string
  330. if len(det):
  331. # Rescale boxes from img_size to im0 size
  332. det[:, :4] = scale_coords(img.shape[2:], det[:, :4], im0.shape).round()
  333. # Print results
  334. for c in det[:, -1].unique():
  335. n = (det[:, -1] == c).sum() # detections per class
  336. s += f"{n} {names[int(c)]}{'s' * (n > 1)}, " # add to string
  337. # Write results
  338. for *xyxy, conf, cls in reversed(det):
  339. label = f'{names[int(cls)]} {conf:.2f}'
  340. plot_one_box(xyxy, im0, label=label, color=colors[int(cls)], line_thickness=3)
  341. if webcam or vid_cap is not None:
  342. if webcam: # batch_size >= 1
  343. img = im0s[i]
  344. else:
  345. img = im0s
  346. img = self.resize_img(img)
  347. img = QImage(img.data, img.shape[1], img.shape[0], img.shape[2] * img.shape[1],
  348. QImage.Format_RGB888)
  349. left_img.setPixmap(QPixmap.fromImage(img))
  350. # 计算一次帧率
  351. if count % 10 == 0:
  352. fps = int(10 / (time.time() - fps_start_time))
  353. self.detect_fps_value.setText(str(fps))
  354. fps_start_time = time.time()
  355. # 应该调整一下图片的大小
  356. # 时间显示
  357. timenumber = time.strftime('%Y/%m/%d/-%H:%M:%S', time.localtime(time.time()))
  358. im0 = cv2.putText(im0, timenumber, (50, 50), cv2.FONT_HERSHEY_SIMPLEX,
  359. 1, (0, 255, 0), 2, cv2.LINE_AA)
  360. im0 = cv2.putText(im0, s, (50, 80), cv2.FONT_HERSHEY_SIMPLEX,
  361. 1, (255, 0, 0), 2, cv2.LINE_AA)
  362. img = self.resize_img(im0)
  363. img = QImage(img.data, img.shape[1], img.shape[0], img.shape[2] * img.shape[1],
  364. QImage.Format_RGB888)
  365. right_img.setPixmap(QPixmap.fromImage(img))
  366. # Print time (inference + NMS)
  367. print(f'{s}Done. ({t2 - t1:.3f}s)')
  368. # 使用完摄像头释放资源
  369. if webcam:
  370. for cap in dataset.caps:
  371. cap.release()
  372. else:
  373. dataset.cap and dataset.cap.release()
  374. def resize_img(self, img):
  375. """
  376. 调整图片大小,方便用来显示
  377. @param img: 需要调整的图片
  378. """
  379. resize_scale = min(self.output_size / img.shape[0], self.output_size / img.shape[1])
  380. img = cv2.resize(img, (0, 0), fx=resize_scale, fy=resize_scale)
  381. img = cv2.cvtColor(img, cv2.COLOR_BGR2RGB)
  382. return img
  383. def upload_img(self):
  384. """
  385. 上传图片
  386. """
  387. # 选择录像文件进行读取
  388. fileName, fileType = QFileDialog.getOpenFileName(self, 'Choose file', '', '*.jpg *.png *.tif *.jpeg')
  389. if fileName:
  390. self.img2predict = fileName
  391. # 将上传照片和进行检测做成互斥的
  392. self.enable_btn(self.det_img_button)
  393. self.disable_btn(self.up_img_button)
  394. # 进行左侧原图展示
  395. img = cv2.imread(fileName)
  396. # 应该调整一下图片的大小
  397. img = self.resize_img(img)
  398. img = QImage(img.data, img.shape[1], img.shape[0], img.shape[2] * img.shape[1], QImage.Format_RGB888)
  399. self.left_img.setPixmap(QPixmap.fromImage(img))
  400. # 上传图片之后右侧的图片重置
  401. self.right_img.setPixmap(QPixmap("./UI/right.jpeg"))
  402. def detect_img(self):
  403. """
  404. 检测图片
  405. """
  406. # 重置跳出线程状态,防止其他位置使用的影响
  407. self.jump_threading = False
  408. self.detect(self.img2predict, self.left_img, self.right_img)
  409. # 将上传照片和进行检测做成互斥的
  410. self.enable_btn(self.up_img_button)
  411. self.disable_btn(self.det_img_button)
  412. def open_mp4(self):
  413. """
  414. 开启视频文件检测事件
  415. """
  416. print("开启视频文件检测")
  417. fileName, fileType = QFileDialog.getOpenFileName(self, 'Choose file', '', '*.mp4 *.avi')
  418. if fileName:
  419. self.disable_btn(self.webcam_detection_btn)
  420. self.disable_btn(self.mp4_detection_btn)
  421. self.enable_btn(self.vid_start_stop_btn)
  422. # 生成读取视频对象
  423. cap = cv2.VideoCapture(fileName)
  424. # 获取视频的帧率
  425. fps = cap.get(cv2.CAP_PROP_FPS)
  426. # 显示原始视频帧率
  427. self.raw_fps_value.setText(str(fps))
  428. if cap.isOpened():
  429. # 读取一帧用来提前左侧展示
  430. ret, raw_img = cap.read()
  431. cap.release()
  432. else:
  433. QMessageBox.warning(self, "需要重新上传", "请重新选择视频文件")
  434. self.disable_btn(self.vid_start_stop_btn)
  435. self.enable_btn(self.webcam_detection_btn)
  436. self.enable_btn(self.mp4_detection_btn)
  437. return
  438. # 应该调整一下图片的大小
  439. img = self.resize_img(numpy.array(raw_img))
  440. img = QImage(img.data, img.shape[1], img.shape[0], img.shape[2] * img.shape[1], QImage.Format_RGB888)
  441. self.left_vid_img.setPixmap(QPixmap.fromImage(img))
  442. # 上传图片之后右侧的图片重置
  443. self.right_vid_img.setPixmap(QPixmap("./UI/right.jpeg"))
  444. self.vid_source = fileName
  445. self.jump_threading = False
  446. def open_cam(self):
  447. """
  448. 打开摄像头事件
  449. """
  450. print("打开摄像头")
  451. self.disable_btn(self.webcam_detection_btn)
  452. self.disable_btn(self.mp4_detection_btn)
  453. self.enable_btn(self.vid_start_stop_btn)
  454. self.vid_source = "0"
  455. self.jump_threading = False
  456. # 生成读取视频对象
  457. cap = cv2.VideoCapture(0)
  458. # 获取视频的帧率
  459. fps = cap.get(cv2.CAP_PROP_FPS)
  460. # 显示原始视频帧率
  461. self.raw_fps_value.setText(str(fps))
  462. if cap.isOpened():
  463. # 读取一帧用来提前左侧展示
  464. ret, raw_img = cap.read()
  465. cap.release()
  466. else:
  467. QMessageBox.warning(self, "需要重新上传", "请重新选择视频文件")
  468. self.disable_btn(self.vid_start_stop_btn)
  469. self.enable_btn(self.webcam_detection_btn)
  470. self.enable_btn(self.mp4_detection_btn)
  471. return
  472. # 应该调整一下图片的大小
  473. img = self.resize_img(numpy.array(raw_img))
  474. img = QImage(img.data, img.shape[1], img.shape[0], img.shape[2] * img.shape[1], QImage.Format_RGB888)
  475. self.left_vid_img.setPixmap(QPixmap.fromImage(img))
  476. # 上传图片之后右侧的图片重置
  477. self.right_vid_img.setPixmap(QPixmap("./UI/right.jpeg"))
  478. def start_or_stop(self):
  479. """
  480. 启动或者停止事件
  481. """
  482. print("启动或者停止")
  483. if self.threading is None:
  484. # 创造并启动一个检测视频线程
  485. self.jump_threading = False
  486. self.threading = threading.Thread(target=self.detect_vid)
  487. self.threading.start()
  488. self.disable_btn(self.webcam_detection_btn)
  489. self.disable_btn(self.mp4_detection_btn)
  490. else:
  491. # 停止当前线程
  492. # 线程属性置空,恢复状态
  493. self.threading = None
  494. self.jump_threading = True
  495. self.enable_btn(self.webcam_detection_btn)
  496. self.enable_btn(self.mp4_detection_btn)
  497. def detect_vid(self):
  498. """
  499. 视频检测
  500. 视频和摄像头的主函数是一样的,不过是传入的source不同罢了
  501. """
  502. print("视频开始检测")
  503. self.detect(self.vid_source, self.left_vid_img, self.right_vid_img)
  504. print("视频检测结束")
  505. # 执行完进程,刷新一下和进程有关的状态,只有self.threading是None,
  506. # 才能说明是正常结束的线程,需要被刷新状态
  507. if self.threading is not None:
  508. self.start_or_stop()
  509. def closeEvent(self, event):
  510. """
  511. 界面关闭事件
  512. """
  513. reply = QMessageBox.question(
  514. self,
  515. 'quit',
  516. "Are you sure?",
  517. QMessageBox.Yes | QMessageBox.No,
  518. QMessageBox.No
  519. )
  520. if reply == QMessageBox.Yes:
  521. self.jump_threading = True
  522. self.close()
  523. event.accept()
  524. else:
  525. event.ignore()
  526. if __name__ == "__main__":
  527. app = QApplication(sys.argv)
  528. mainWindow = MainWindow()
  529. mainWindow.show()
  530. sys.exit(app.exec_())

个人感受

OrangePi AIpro开发板是一款卓越的AI边缘计算设备,它不仅推动了国内AI部署的进程,而且其强大的算力完全能够满足商业级产品的需求。在我使用了几天后的感受是,香橙派AIpro表现出色,特别是在AI算力方面。相比于众所周知的树莓派等Linux系列开发板,它最高可达16GB的LPDDR4X内存,性能优势明显。接口丰富多样,而且官方提供的散热器和风扇静音效果极佳,风力强劲,散热效果出色。风扇支持CPU智能控制转速,这在众多开发板中独具优势。

香橙派官方提供了详尽的开发资料,特别是用户手册的详细程度令人印象深刻,极大地提升了使用体验的顺畅度。在该款开发板的核心部件中,不乏国产芯片的身影,这预示着未来国内科技和产业的进一步发展,希望能实现新的飞跃,推动国产化事业迈上新的台阶。

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/寸_铁/article/detail/933160
推荐阅读
相关标签
  

闽ICP备14008679号