跳至内容

图像分类

图像分类示例

图像分类是三项任务中最简单的一项,涉及将整幅图像归入一组预定义类别中的某一类。

图像分类器的输出是单一类别标签和置信度分数。当你只需要知道图像属于哪一类,而不需要知道该类对象的位置或确切形状时,图像分类就非常有用。



观看: 探索Ultralytics YOLO 任务:使用Ultralytics HUB 进行图像分类

提示

YOLO11 分类模型使用 -cls 后缀,即 yolo11n-cls.pt 并对 图像网.

机型

此处显示的是 YOLO11 预训练分类模型。Detect、Segment 和 Pose 模型是在COCO数据集上预训练的,而 Classify 模型是在ImageNet数据集上预训练的。

首次使用时,模型会自动从最新的Ultralytics 版本下载。

模型尺寸
(像素)
acc
top1
acc
top5
速度
CPU ONNX
(毫秒)
速度
T4TensorRT10
(ms)
params
(M)
FLOPs
(B) 在 640
YOLO11n-cls22470.089.45.0 ± 0.31.1 ± 0.01.63.3
YOLO11s-cls22475.492.77.9 ± 0.21.3 ± 0.05.512.1
YOLO11m-cls22477.393.917.2 ± 0.42.0 ± 0.010.439.3
YOLO11l-cls22478.394.323.2 ± 0.32.8 ± 0.012.949.4
YOLO11x-cls22479.594.941.4 ± 0.93.8 ± 0.028.4110.4
  • 口音 的模型精度。 图像网 数据集验证集。
    复制方式 yolo val classify data=path/to/ImageNet device=0
  • 速度 对 ImageNet val 图像进行平均。 亚马逊 EC2 P4d 实例
    复制方式 yolo val classify data=path/to/ImageNet batch=1 device=0|cpu

火车

在图像大小为 64 的 MNIST160 数据集上对 YOLO11n-cls 进行 100训练。有关可用参数的完整列表,请参阅配置页面。

示例

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n-cls.yaml")  # build a new model from YAML
model = YOLO("yolo11n-cls.pt")  # load a pretrained model (recommended for training)
model = YOLO("yolo11n-cls.yaml").load("yolo11n-cls.pt")  # build from YAML and transfer weights

# Train the model
results = model.train(data="mnist160", epochs=100, imgsz=64)
# Build a new model from YAML and start training from scratch
yolo classify train data=mnist160 model=yolo11n-cls.yaml epochs=100 imgsz=64

# Start training from a pretrained *.pt model
yolo classify train data=mnist160 model=yolo11n-cls.pt epochs=100 imgsz=64

# Build a new model from YAML, transfer pretrained weights to it and start training
yolo classify train data=mnist160 model=yolo11n-cls.yaml pretrained=yolo11n-cls.pt epochs=100 imgsz=64

数据集格式

YOLO 分类数据集格式详见数据集指南

瓦尔

验证训练有素的 YOLO11n-cls 模型 精确度 对 MNIST160 数据集的分析。无需参数,因为 model 保留其培训 data 和参数作为模型属性。

示例

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n-cls.pt")  # load an official model
model = YOLO("path/to/best.pt")  # load a custom model

# Validate the model
metrics = model.val()  # no arguments needed, dataset and settings remembered
metrics.top1  # top1 accuracy
metrics.top5  # top5 accuracy
yolo classify val model=yolo11n-cls.pt  # val official model
yolo classify val model=path/to/best.pt  # val custom model

预测

使用训练有素的 YOLO11n-cls 模型对图像进行预测。

示例

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n-cls.pt")  # load an official model
model = YOLO("path/to/best.pt")  # load a custom model

# Predict with the model
results = model("https://ultralytics.com/images/bus.jpg")  # predict on an image
yolo classify predict model=yolo11n-cls.pt source='https://ultralytics.com/images/bus.jpg'  # predict with official model
yolo classify predict model=path/to/best.pt source='https://ultralytics.com/images/bus.jpg'  # predict with custom model

查看全文 predict 模式的详细信息,请参见 预测 page.

出口

将 YOLO11n-cls 模型导出为不同格式,如ONNX,CoreML 等。

示例

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n-cls.pt")  # load an official model
model = YOLO("path/to/best.pt")  # load a custom trained model

# Export the model
model.export(format="onnx")
yolo export model=yolo11n-cls.pt format=onnx  # export official model
yolo export model=path/to/best.pt format=onnx  # export custom trained model

可用的 YOLO11-cls 导出格式如下表所示。您可以使用 format 参数,即 format='onnx'format='engine'.您可以直接对导出的模型进行预测或验证,即 yolo predict model=yolo11n-cls.onnx.导出完成后会显示模型的使用示例。

格式format 论据模型元数据论据
PyTorch-yolo11n-cls.pt-
TorchScripttorchscriptyolo11n-cls.torchscriptimgsz, optimize, batch
ONNXonnxyolo11n-cls.onnximgsz, half, dynamic, simplify, opset, batch
OpenVINOopenvinoyolo11n-cls_openvino_model/imgsz, half, int8, batch
TensorRTengineyolo11n-cls.engineimgsz, half, dynamic, simplify, workspace, int8, batch
CoreMLcoremlyolo11n-cls.mlpackageimgsz, half, int8, nms, batch
TF SavedModelsaved_modelyolo11n-cls_saved_model/imgsz, keras, int8, batch
TF GraphDefpbyolo11n-cls.pbimgsz, batch
TF 轻型tfliteyolo11n-cls.tfliteimgsz, half, int8, batch
TF 边缘TPUedgetpuyolo11n-cls_edgetpu.tfliteimgsz
TF.jstfjsyolo11n-cls_web_model/imgsz, half, int8, batch
PaddlePaddlepaddleyolo11n-cls_paddle_model/imgsz, batch
MNNmnnyolo11n-cls.mnnimgsz, batch, int8, half
NCNNncnnyolo11n-cls_ncnn_model/imgsz, half, batch
IMX500imxyolo11n-cls_imx_model/imgsz, int8

查看全文 export 中的详细信息 出口 page.

常见问题

YOLO11 在图像分类中的作用是什么?

YOLO11 型号,如 yolo11n-cls.pt是为高效图像分类而设计的。它们为整幅图像分配一个类别标签和置信度分数。这对于那些只需知道图像的具体类别,而无需识别图像中物体的位置或形状的应用特别有用。

如何训练用于图像分类的 YOLO11 模型?

要训练 YOLO11 模型,可以使用Python 或CLI 命令。例如,要训练一个 yolo11n-cls 模型在 MNIST160 数据集上进行了 100 次历时分析,图像大小为 64:

示例

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n-cls.pt")  # load a pretrained model (recommended for training)

# Train the model
results = model.train(data="mnist160", epochs=100, imgsz=64)
yolo classify train data=mnist160 model=yolo11n-cls.pt epochs=100 imgsz=64

有关更多配置选项,请访问配置页面。

在哪里可以找到经过预训练的 YOLO11 分类模型?

预训练的 YOLO11 分类模型可在 机型 节。机型,如 yolo11n-cls.pt, yolo11s-cls.pt, yolo11m-cls.pt等进行预训练。 图像网 数据集,可轻松下载并用于各种图像分类任务。

如何将训练好的 YOLO11 模型导出为不同格式?

您可以使用Python 或CLI 命令将训练好的 YOLO11 模型导出为各种格式。例如,将模型导出为ONNX 格式:

示例

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n-cls.pt")  # load the trained model

# Export the model to ONNX
model.export(format="onnx")
yolo export model=yolo11n-cls.pt format=onnx  # export the trained model to ONNX format

有关详细的导出选项,请参阅导出页面。

如何验证训练有素的 YOLO11 分类模型?

要在 MNIST160 这样的数据集上验证训练有素的模型的准确性,可以使用以下Python 或CLI 命令:

示例

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n-cls.pt")  # load the trained model

# Validate the model
metrics = model.val()  # no arguments needed, uses the dataset and settings from training
metrics.top1  # top1 accuracy
metrics.top5  # top5 accuracy
yolo classify val model=yolo11n-cls.pt  # validate the trained model

更多信息,请访问验证部分。

📅创建于 1 年前 ✏️已更新 1 个月前

评论