首页 > 其他分享 >深度学习目标检测使用yolov8训练使用路障类数据集之_道路积水检测数据集并构建一个基于YOLOv8的道路积水检测系统 来检测识别道路积水

深度学习目标检测使用yolov8训练使用路障类数据集之_道路积水检测数据集并构建一个基于YOLOv8的道路积水检测系统 来检测识别道路积水

时间:2025-01-21 22:03:58浏览次数:3  
标签:检测 self py detection train 道路 积水 flooding road

道路积水检测数据集,23097张,yolo和voc在这里插入图片描述

1类,标注数量:
0 道路积水: 133261
image num: 23097在这里插入图片描述
积水啦,怎么办
在这里插入图片描述
构建基于YOLOv8的道路积水检测系统。两种标注方式(YOLO和VOC)。以下是完整的代码实现,包括数据加载、模型训练、评估和推理。

1. 安装依赖

首先,确保您已经安装了所需的库,特别是YOLOv8依赖的库。

pip install torch torchvision ultralytics pyqt5 opencv-python lxml

2. 数据准备

假设您的数据集已经按照YOLO和VOC的标准格式进行了标注。具体来说,数据集目录结构如下:

datasets/
└── road_flooding_detection/
    ├── images/
    │   ├── train/
    │   └── val/
    ├── labels_yolo/
    │   ├── train/
    │   └── val/
    └── annotations_voc/
        ├── train/
        └── val/
Font/
models/
runs/
save_data/
test-file/
TestFiles/
UIProgram/
2.py
CameraTest.py
CITATION.cff
Config.py
detect_tools.py
imgTest.py
installPackages.py
MainProgram.py
requirements.txt
setup.py
test.py
train.py
VideoTest.py
yolov8n.pt
使用教程.xt
项目文件说明.png

3. 文件内容

3.1 datasets/road_flooding_detection/ 目录

假设您的数据集已经按照YOLO和VOC标准格式进行了标注。具体来说,每个图像对应一个同名的.txt文件(YOLO格式)或XML文件(VOC格式),而标签文件是JSON格式的COCO标准注释文件。

3.2 Config.py

配置文件,用于定义数据集路径、模型路径等。

[<title="Config.py">]
# Config.py
DATASET_PATH = 'datasets/road_flooding_detection/'
MODEL_PATH = 'runs/detect/train/weights/best.pt'
IMG_SIZE = 640
BATCH_SIZE = 16
EPOCHS = 50
CONF_THRESHOLD = 0.5
3.3 train.py

训练YOLOv8模型的脚本。

[<title="train.py">]
from ultralytics import YOLO
import os

# Load a model
model = YOLO('yolov8n.pt')  # You can also use other versions like yolov8s.pt, yolov8m.pt, etc.

# Define dataset configuration
dataset_config = f"""
train: {os.path.join(os.getenv('DATASET_PATH', 'datasets/road_flooding_detection/'), 'images/train')}
val: {os.path.join(os.getenv('DATASET_PATH', 'datasets/road_flooding_detection/'), 'images/val')}
annotations:
  train: {os.path.join(os.getenv('DATASET_PATH', 'datasets/road_flooding_detection/'), 'labels_yolo/train')}
  val: {os.path.join(os.getenv('DATASET_PATH', 'datasets/road_flooding_detection/'), 'labels_yolo/val')}
"""

# Save dataset configuration to a YAML file
with open('road_flooding.yaml', 'w') as f:
    f.write(dataset_config)

# Train the model
results = model.train(data='road_flooding.yaml', epochs=int(os.getenv('EPOCHS', 50)), imgsz=int(os.getenv('IMG_SIZE', 640)), batch=int(os.getenv('BATCH_SIZE', 16)))
3.4 detect_tools.py

用于检测的工具函数。

[<title="detect_tools.py">]
from ultralytics import YOLO
import cv2
import numpy as np

def load_model(model_path):
    return YOLO(model_path)

def detect_objects(frame, model, conf_threshold=0.5):
    results = model(frame, conf=conf_threshold)
    detections = []
    for result in results:
        boxes = result.boxes.cpu().numpy()
        for box in boxes:
            r = box.xyxy[0].astype(int)
            cls = int(box.cls[0])
            conf = round(float(box.conf[0]), 2)
            label = f"{model.names[cls]} {conf}"
            detections.append((r, label))
    return detections

def draw_detections(frame, detections):
    for (r, label) in detections:
        cv2.rectangle(frame, (r[0], r[1]), (r[2], r[3]), (0, 255, 0), 2)
        cv2.putText(frame, label, (r[0], r[1] - 10), cv2.FONT_HERSHEY_SIMPLEX, 0.9, (0, 255, 0), 2)
    return frame
3.5 UIProgram/MainProgram.py

主程序,使用PyQt5构建图形界面。

[<title="UIProgram/MainProgram.py">]
import sys
import cv2
from PyQt5.QtWidgets import QApplication, QMainWindow, QLabel, QVBoxLayout, QWidget, QPushButton
from PyQt5.QtGui import QImage, QPixmap
from PyQt5.QtCore import Qt, QTimer
from detect_tools import load_model, detect_objects, draw_detections
import os

class VideoWindow(QMainWindow):
    def __init__(self):
        super().__init__()

        self.setWindowTitle("Road Flooding Detection")
        self.setGeometry(100, 100, 800, 600)

        self.central_widget = QWidget()
        self.setCentralWidget(self.central_widget)

        self.layout = QVBoxLayout()
        self.central_widget.setLayout(self.layout)

        self.label = QLabel()
        self.layout.addWidget(self.label)

        self.start_button = QPushButton("Start Detection")
        self.start_button.clicked.connect(self.start_detection)
        self.layout.addWidget(self.start_button)

        self.cap = None
        self.timer = QTimer()
        self.timer.timeout.connect(self.update_frame)

        self.model = load_model(os.getenv('MODEL_PATH', 'runs/detect/train/weights/best.pt'))

    def start_detection(self):
        if not self.cap:
            self.cap = cv2.VideoCapture(0)  # Use webcam
        self.timer.start(30)

    def update_frame(self):
        ret, frame = self.cap.read()
        if not ret:
            return

        detections = detect_objects(frame, self.model, conf_threshold=float(os.getenv('CONF_THRESHOLD', 0.5)))
        frame = draw_detections(frame, detections)

        rgb_image = cv2.cvtColor(frame, cv2.COLOR_BGR2RGB)
        h, w, ch = rgb_image.shape
        bytes_per_line = ch * w
        qt_image = QImage(rgb_image.data, w, h, bytes_per_line, QImage.Format_RGB888)
        pixmap = QPixmap.fromImage(qt_image)
        self.label.setPixmap(pixmap.scaled(800, 600, Qt.KeepAspectRatio))

if __name__ == "__main__":
    app = QApplication(sys.argv)
    window = VideoWindow()
    window.show()
    sys.exit(app.exec_())
3.6 requirements.txt

列出所有依赖项。

[<title="requirements.txt">]
torch
torchvision
ultralytics
pyqt5
opencv-python
lxml
3.7 setup.py

用于安装项目的脚本。

[<title="setup.py">]
from setuptools import setup, find_packages

setup(
    name='road_flooding_detection',
    version='0.1',
    packages=find_packages(),
    install_requires=[
        'torch',
        'torchvision',
        'ultralytics',
        'pyqt5',
        'opencv-python',
        'lxml'
    ],
    entry_points={
        'console_scripts': [
            'train=train:main',
            'detect=UIProgram.MainProgram:main'
        ]
    }
)
3.8 README.md

项目说明文档。

[<title="README.md">]
# Road Flooding Detection System

This project uses YOLOv8 and PyQt5 to create a real-time road flooding detection system. The system detects road flooding in images and videos.

## Installation

1. Clone the repository:
   ```bash
   git clone https://github.com/yourusername/road-flooding-detection.git
   cd road-flooding-detection
  1. Install dependencies:

    pip install -r requirements.txt
    
  2. Set up environment variables (optional):

    export DATASET_PATH=./datasets/road_flooding_detection/
    export MODEL_PATH=./runs/detect/train/weights/best.pt
    export IMG_SIZE=640
    export BATCH_SIZE=16
    export EPOCHS=50
    export CONF_THRESHOLD=0.5
    

Training

To train the YOLOv8 model:

python train.py

Running the GUI

To run the graphical user interface:

python UIProgram/MainProgram.py

Usage Tutorial

See 使用教程.xt for detailed usage instructions.


### 4. 运行步骤

1. **确保数据集路径正确**:
   - 将您的数据集放在 `datasets/road_flooding_detection` 目录下。
   - 确保图像和对应的标签文件存在并且格式正确。

2. **安装必要的库**:
   - 确保您已经安装了所需的库,如 `torch`, `torchvision`, `ultralytics`, `pyqt5`, `opencv-python`, `lxml` 等。
   - 您可以使用以下命令安装这些库:
     ```bash
     pip install -r requirements.txt
     ```

3. **运行代码**:
   - 首先运行训练代码来训练YOLOv8模型:
     ```bash
     python train.py
     ```
   - 然后运行GUI代码来启动检测系统:
     ```bash
     python UIProgram/MainProgram.py
     ```

希望这些信息能帮助您顺利构建基于YOLOv8和PyQt5的道路积水检测系统

标签:检测,self,py,detection,train,道路,积水,flooding,road
From: https://blog.csdn.net/2401_88441190/article/details/145195944

相关文章

  • 训练YOLOv8模型_胸部x光片检测数据集 且构建一个基于YOLOv8的胸部X光片检测系统 voc_y
    训练YOLOv8模型_胸部x光片检测数据集且构建一个基于YOLOv8的胸部X光片检测系统voc/yolo文章目录以下文字及代码仅供参考1.安装依赖2.数据准备3.文件内容3.1`datasets/chest_xray_detection/`目录3.2`Config.py`3.3`train.py`3.4`detect_tools.py`3.5`UIProgr......
  • 如何使用深度学习框架目标检测YOLOv8训练骨折检测模型涉及到准备数据集、设置环境、预
    如何使用深度学习框架目标检测YOLOv8训练骨折检测模型涉及到准备数据集、设置环境、预处理数据、定义模型、训练模型、评估模型性能、分析结果和可视化,以及开发用户界面识别骨折X光检测数据集骨折X光检测数据集YOLO20000一套全面的X射线图像,旨在促进使用计算机视觉技......
  • 深度学习目标检测框架训练使用YOLOv8训练钓鱼检测数据集 使用Flask或FastAPI等框架创
    深度学习目标检测框架训练使用YOLOv8训练钓鱼检测数据集并构建一个基于YOLOv8的钓鱼检测系统使用YOLOv8训练钓鱼检测数据集,如何针对钓鱼检测进行调整和实现的详细步骤。1.安装依赖确保安装了必要的库。对于钓鱼检测,所需的库应该与之前提供的相同,但请根据实际情况检查是......
  • 机器视觉在肺癌筛查中的应用:数据驱动的肺结节检测与良恶性判断
    导语:肺癌,作为全球癌症死亡的主要原因之一,其早期筛查对于提高患者生存率至关重要。随着大数据时代的到来,机器视觉技术在医疗影像分析中发挥着越来越重要的作用。本文将深入探讨机器视觉在肺癌筛查中的应用,特别是如何利用大量数据来提高肺结节检测和良恶性判断的准确性。一、肺......
  • 基于goland的WebShell检测设计于研究
    摘要随着互联网在我们生活中被广泛应用到社交、金融、行政以及办公等领域,网络安全的问题也越来越被重视。WebShell的本质是一种Web应用脚本程序,由于其可以通过HTTP协议的方式对服务器进行控制,故常被黑客用于植入到被入侵的系统中,严重威胁到主机的安全。本文针对现有的WebSh......
  • 基于Simulink的匹配滤波器检测算法设计与低信噪比条件下的性能分析
    目录基于Simulink的匹配滤波器检测算法设计与低信噪比条件下的性能分析背景介绍系统架构仿真实现步骤1.创建新的Simulink模型2.添加信号生成模块生成已知信号在Simulink中实现信号生成模块3.添加噪声添加模块添加背景噪声在Simulink中实现噪声添加模块4.添加匹......
  • 攀高行为检测识别摄像机
    攀高行为检测识别摄像机是一种结合了图像识别技术和智能算法的设备,旨在监测和识别人员在高空作业中的攀高行为,及时发现潜在的安全隐患并提供预警。这种摄像机可以有效提高工作场所的安全管理水平,减少高空作业事故的发生。攀高行为检测识别摄像机具有高清晰度和远程监控功能。通......
  • 基于YOLOv5、YOLOv8和YOLOv10的电子产品零部件检测:深度学习应用与实现
    引言随着现代电子产品的普及和制造业的快速发展,产品质量控制变得尤为重要。传统的人工检测方法不仅效率低下,还容易受到人为因素的影响,导致检测结果不准确或不一致。深度学习技术,特别是目标检测技术的飞速发展,为电子产品零部件的自动化检测提供了新的解决方案。YOLO(YouOnly......
  • 基于YOLOv5、YOLOv8和YOLOv10的自助售货机商品检测:深度学习实践与应用
    引言自助售货机已经成为现代零售和自动化销售领域的重要组成部分。在自助售货机中,商品的检测与管理至关重要。通过精准的商品检测技术,售货机可以在商品售出后自动更新库存,并提供准确的商品信息反馈。然而,在复杂的环境下进行商品检测是一个具有挑战性的问题,尤其是在商品种类......
  • Oracle LogMiner SCN 跳跃检测分析
    OracleLogMinerSCN跳跃检测分析1.SCN跳跃的概念SCN跳跃是指在连续的日志记录中,发现两个相邻记录的SCN之间存在较大的间隙。这可能意味着:数据丢失归档日志缺失数据库重启系统时间调整2.检测机制2.1基本检测逻辑publicbooleanhasScnJump(ScncurrentSc......