玉米叶感染数据集,收集部分被秋粘虫等害虫感染玉米叶片图像。有 Healthy 和 Infected 文件夹,每文件夹含各图像,对感染叶片标注。共13GB 玉米叶片病虫害数据集

 

玉米叶感染数据集,收集了部分被秋粘虫等害虫感染的玉米叶片图像。有 Healthy 和 Infected 文件夹,每个文件夹都包含各自的图像,同时,对感染叶片进行了目标检测的标注。共13GB

玉米叶感染数据集

规模
  • 图像数量:未明确提供,但总数据量为13GB,表明数据集包含大量高分辨率图像。
  • 数据量:13GB
  • 分辨率:未明确提供,但通常为高分辨率以确保细节清晰。
类别
  • 健康叶片 (Healthy)
  • 感染叶片 (Infected)

对于感染叶片,还进行了目标检测的标注,以标明害虫(如秋粘虫)在叶片上的位置。

数据特点
  • 高质量图像:所有图像均为高分辨率,提供了丰富的细节信息,有助于提高检测精度。
  • 多样化样本:涵盖了健康的玉米叶片和被秋粘虫等害虫感染的叶片,确保模型能够适应多种类型的感染情况。
  • 详细标注:每张感染叶片图像都附有详细的边界框标注(可能是VOC或YOLO格式),标明了害虫的位置和大小。
  • 适用性强:数据集适用于多种深度学习框架和模型,便于进行分类和目标检测任务。
应用场景
  • 病虫害监测:帮助农业部门实时监测玉米田中的病虫害情况,及时采取防治措施。
  • 智能农业:集成到智能农业系统中,提升作物管理和病虫害防控效率。
  • 研究与教育:用于农业科研机构的研究以及相关院校的教学,帮助学生和研究人员更好地了解玉米叶感染检测技术。
  • 质量控制:在玉米收获后进行质量检查,确保产品符合市场标准。
  • 供应链管理:帮助供应链中的各个环节(如仓储、运输)及时发现并处理受感染的玉米叶片,减少损失。

数据集结构

假设数据集的文件结构如下:

corn_leaf_dataset/
├── Healthy/
│   ├── 0001.jpg
│   ├── 0002.jpg
│   └── ...
├── Infected/
│   ├── 0001.jpg
│   ├── 0002.jpg
│   └── ...
├── labels_voc/
│   ├── 0001.xml
│   ├── 0002.xml
│   └── ...
├── labels_yolo/
│   ├── 0001.txt
│   ├── 0002.txt
│   └── ...
└── metadata.csv

metadata.csv 文件内容示例:

image_id, category, split
Healthy/0001.jpg, healthy, train
Healthy/0002.jpg, healthy, train
Infected/0001.jpg, infected, val
Infected/0002.jpg, infected, val
...

labels_voc/0001.xml 示例(Pascal VOC格式):

<annotation>
    <folder>corn_leaf_dataset</folder>
    <filename>0001.jpg</filename>
    <size>
        <width>640</width>
        <height>480</height>
        <depth>3</depth>
    </size>
    <object>
        <name>pest</name>
        <bndbox>
            <xmin>50</xmin>
            <ymin>50</ymin>
            <xmax>150</xmax>
            <ymax>150</ymax>
        </bndbox>
    </object>
    ...
</annotation>

labels_yolo/0001.txt 示例(YOLO格式):

 

深色版本

0 0.5 0.5 0.3 0.3  # 类别ID, 中心点x, 中心点y, 宽度, 高度

代码示例

下面是一个完整的Python脚本示例,展示如何加载数据集、使用预训练的YOLOv5模型进行玉米叶感染检测,并可视化检测结果。我们将使用PyTorch和YOLOv5的相关库。

1. 安装依赖库

首先,确保安装了必要的依赖库。可以在项目目录中的requirements.txt文件中列出这些依赖库,然后运行以下命令进行安装:

pip install -r requirements.txt

requirements.txt 文件内容示例:

 

深色版本

torch==1.10.0
torchvision==0.11.1
opencv-python-headless==4.5.4.60
yolov5 @ git+https://github.com/ultralytics/yolov5.git
2. 加载数据集和预训练模型
import os
import cv2
import torch
import numpy as np
from yolov5.models.common import DetectMultiBackend
from yolov5.utils.general import (check_img_size, non_max_suppression, scale_coords)
from yolov5.utils.torch_utils import select_device
from yolov5.utils.plots import Annotator, colors

# 设置设备
device = select_device('')  # 使用默认设备(通常是GPU,如果没有则使用CPU)

# 加载预训练模型
model_path = 'path_to_your_model_directory/yolov5s_corn_leaf_infection.pt'
model = DetectMultiBackend(model_path, device=device, dnn=False, data=None, fp16=False)
imgsz = check_img_size(640, s=model.stride)  # 检查图像尺寸

# 设置模型为评估模式
model.eval()

# 加载图像
def load_image(image_path):
    img = cv2.imread(image_path)
    if img is None:
        print(f"Failed to load image: {image_path}")
        return None
    return img

# 进行推理
def detect_infected_leaves(img, model, imgsz, device):
    # 转换图像
    img = [letterbox(img, new_shape=imgsz, auto=True)[0]]
    img = np.stack(img, 0)
    img = img[..., ::-1].transpose((0, 3, 1, 2))  # BGR to RGB, BHWC to BCHW
    img = np.ascontiguousarray(img)

    # 将图像转换为Tensor
    img = torch.from_numpy(img).to(device)
    img = img.float()
    img /= 255.0  # 0 - 255 to 0.0 - 1.0
    if len(img.shape) == 3:
        img = img[None]  # 扩展批处理维度

    # 推理
    with torch.no_grad():
        pred = model(img, augment=False, visualize=False)[0]
        pred = non_max_suppression(pred, conf_thres=0.5, iou_thres=0.45, classes=None, agnostic=False, max_det=1000)

    # 处理预测结果
    for i, det in enumerate(pred):  # 每张图像的检测结果
        if len(det):
            det[:, :4] = scale_coords(img.shape[2:], det[:, :4], img.shape[2:]).round()
            annotator = Annotator(img[i].permute(1, 2, 0).cpu().numpy(), line_width=3, example=str('leaf'))
            for *xyxy, conf, cls in reversed(det):
                label = f'pest {conf:.2f}'
                annotator.box_label(xyxy, label, color=colors(int(cls), True))
            return annotator.result()
    return img[0].permute(1, 2, 0).cpu().numpy()

# 字母框调整
def letterbox(img, new_shape=(640, 640), color=(114, 114, 114), auto=True, scaleFill=False, scaleup=True, stride=32):
    shape = img.shape[:2]  # 当前形状 [height, width]
    if isinstance(new_shape, int):
        new_shape = (new_shape, new_shape)

    r = min(new_shape[0] / shape[0], new_shape[1] / shape[1])
    if not scaleup:  # 只缩小,不放大
        r = min(r, 1.0)

    ratio = r, r  # 宽高比
    new_unpad = int(round(shape[1] * r)), int(round(shape[0] * r))
    dw, dh = new_shape[1] - new_unpad[0], new_shape[0] - new_unpad[1]  # wh padding
    if auto:  # 最小矩形
        dw, dh = np.mod(dw, stride), np.mod(dh, stride)  # wh padding
    elif scaleFill:  # 拉伸
        dw, dh = 0.0, 0.0
        new_unpad = (new_shape[1], new_shape[0])
        ratio = new_shape[1] / shape[1], new_shape[0] / shape[0]  # 宽高比

    dw /= 2  # 分配到两边
    dh /= 2

    if shape[::-1] != new_unpad:  # 缩放
        img = cv2.resize(img, new_unpad, interpolation=cv2.INTER_LINEAR)
    top, bottom = int(round(dh - 0.1)), int(round(dh + 0.1))
    left, right = int(round(dw - 0.1)), int(round(dw + 0.1))
    img = cv2.copyMakeBorder(img, top, bottom, left, right, cv2.BORDER_CONSTANT, value=color)  # 添加边框
    return img, ratio, (dw, dh)

# 主函数
def main(image_dir, model, imgsz, device):
    names = ['healthy', 'infected']
    
    for category in os.listdir(image_dir):
        category_dir = os.path.join(image_dir, category)
        if os.path.isdir(category_dir):
            for image_name in os.listdir(category_dir):
                if image_name.endswith('.jpg'):
                    image_path = os.path.join(category_dir, image_name)
                    img = load_image(image_path)
                    if img is not None:
                        result = detect_infected_leaves(img, model, imgsz, device)
                        cv2.imshow('Corn Leaf Infection Detection', result)
                        cv2.setWindowTitle('Corn Leaf Infection Detection', f'Image: {category}/{image_name}')
                        if cv2.waitKey(0) & 0xFF == ord('q'):
                            break
    cv2.destroyAllWindows()

# 假设图像存储在'image'目录下
image_dir = 'path_to_your_image_directory'

# 运行主函数
main(image_dir, model, imgsz, device)

说明

  • 路径设置:请根据实际的数据集路径调整path_to_your_image_directorypath_to_your_model_directory
  • 文件命名:假设图像文件名分别为.jpg。如果实际命名规则不同,请相应修改代码。
  • 可视化:通过绘制边界框和标注置信度,可以直观地看到图像中的害虫位置。

进一步的应用

  • 训练深度学习模型:可以使用这个数据集来进一步训练或微调YOLOv5模型,以提高检测精度。
  • 数据增强:为了增加数据集的多样性和鲁棒性,可以使用数据增强技术(如旋转、翻转、缩放等)生成更多的训练样本。
  • 评估与优化:通过交叉验证和测试集评估模型性能,并不断优化模型参数,以提高检测准确率。

这个数据集对于玉米叶感染检测具有重要的实用价值,可以帮助相关部门及时发现和处理受感染的玉米叶片,提升农作物的质量和产量。

评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

QQ_1309399183

一角两角不嫌少

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值