Bỏ để qua phần nội dung

Phát hiện đối tượng

Ví dụ phát hiện đối tượng

Object detection is a task that involves identifying the location and class of objects in an image or video stream.

Đầu ra của máy dò đối tượng là một tập hợp các hộp giới hạn bao quanh các đối tượng trong hình ảnh, cùng với nhãn lớp và điểm tin cậy cho mỗi hộp. Phát hiện đối tượng là một lựa chọn tốt khi bạn cần xác định các đối tượng quan tâm trong một cảnh, nhưng không cần biết chính xác đối tượng ở đâu hoặc hình dạng chính xác của nó.



Xem: Object Detection with Pre-trained Ultralytics YOLO Model.

Mẹo

YOLO11 Detect models are the default YOLO11 models, i.e. yolo11n.pt và được đào tạo trước về COCO.

Mô hình

YOLO11 pretrained Detect models are shown here. Detect, Segment and Pose models are pretrained on the COCO dataset, while Classify models are pretrained on the ImageNet dataset.

Mô hình tải xuống tự động từ phiên bản mới nhất Ultralytics phát hành vào lần sử dụng đầu tiên.

Mẫu kích thước
(điểm ảnh)
bản đồVal
50-95
Tốc độ
CPU ONNX
(Cô)
Speed
T4 TensorRT10
(ms)
Params
(M)
Flops
(B)
YOLO11n 640 39.5 56.1 ± 0.8 1.5 ± 0.0 2.6 6.5
YOLO11s 640 47.0 90.0 ± 1.2 2.5 ± 0.0 9.4 21.5
YOLO11m 640 51.5 183.2 ± 2.0 4.7 ± 0.1 20.1 68.0
YOLO11l 640 53.4 238.6 ± 1.4 6.2 ± 0.1 25.3 86.9
YOLO11x 640 54.7 462.8 ± 6.7 11.3 ± 0.2 56.9 194.9
  • mAPval Các giá trị dành cho thang đo đơn mô hình đơn trên COCO val2017 tập dữ liệu.
    Sinh sản bằng yolo val detect data=coco.yaml device=0
  • Tốc độ tính trung bình trên hình ảnh COCO val bằng cách sử dụng một Amazon EC2 P4d ví dụ.
    Sinh sản bằng yolo val detect data=coco.yaml batch=1 device=0|cpu

Xe lửa

Train YOLO11n on the COCO8 dataset for 100 epochs at image size 640. For a full list of available arguments see the Configuration page.

Ví dụ

from ultralytics import YOLO

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

# Train the model
results = model.train(data="coco8.yaml", epochs=100, imgsz=640)
# Build a new model from YAML and start training from scratch
yolo detect train data=coco8.yaml model=yolo11n.yaml epochs=100 imgsz=640

# Start training from a pretrained *.pt model
yolo detect train data=coco8.yaml model=yolo11n.pt epochs=100 imgsz=640

# Build a new model from YAML, transfer pretrained weights to it and start training
yolo detect train data=coco8.yaml model=yolo11n.yaml pretrained=yolo11n.pt epochs=100 imgsz=640

Định dạng tập dữ liệu

YOLO định dạng tập dữ liệu phát hiện có thể được tìm thấy chi tiết trong Hướng dẫn tập dữ liệu. Để chuyển đổi tập dữ liệu hiện có của bạn từ các định dạng khác (như COCO, v.v.) sang YOLO , vui lòng sử dụng công cụ JSON2YOLO bằng cách Ultralytics.

Val

Validate trained YOLO11n model accuracy on the COCO8 dataset. No arguments are needed as the model duy trì đào tạo data và các đối số làm thuộc tính mô hình.

Ví dụ

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n.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.box.map  # map50-95
metrics.box.map50  # map50
metrics.box.map75  # map75
metrics.box.maps  # a list contains map50-95 of each category
yolo detect val model=yolo11n.pt  # val official model
yolo detect val model=path/to/best.pt  # val custom model

Dự đoán

Use a trained YOLO11n model to run predictions on images.

Ví dụ

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n.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 detect predict model=yolo11n.pt source='https://ultralytics.com/images/bus.jpg'  # predict with official model
yolo detect predict model=path/to/best.pt source='https://ultralytics.com/images/bus.jpg'  # predict with custom model

Xem đầy đủ predict Chi tiết chế độ trong Dự đoán trang.

Xuất khẩu

Export a YOLO11n model to a different format like ONNX, CoreML, etc.

Ví dụ

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n.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.pt format=onnx  # export official model
yolo export model=path/to/best.pt format=onnx  # export custom trained model

Available YOLO11 export formats are in the table below. You can export to any format using the format lập luận, tức là format='onnx' hoặc format='engine'. Bạn có thể dự đoán hoặc xác thực trực tiếp trên các mô hình đã xuất, tức là yolo predict model=yolo11n.onnx. Ví dụ sử dụng được hiển thị cho mô hình của bạn sau khi xuất hoàn tất.

Định dạng format Lý lẽ Mẫu Siêu dữ liệu Lập luận
PyTorch - yolo11n.pt -
TorchScript torchscript yolo11n.torchscript imgsz, optimize, batch
ONNX onnx yolo11n.onnx imgsz, half, dynamic, simplify, opset, batch
OpenVINO openvino yolo11n_openvino_model/ imgsz, half, int8, batch
TensorRT engine yolo11n.engine imgsz, half, dynamic, simplify, workspace, int8, batch
CoreML coreml yolo11n.mlpackage imgsz, half, int8, nms, batch
TF SavedModel saved_model yolo11n_saved_model/ imgsz, keras, int8, batch
TF GraphDef pb yolo11n.pb imgsz, batch
TF Lite tflite yolo11n.tflite imgsz, half, int8, batch
TF Cạnh TPU edgetpu yolo11n_edgetpu.tflite imgsz
TF.Js tfjs yolo11n_web_model/ imgsz, half, int8, batch
PaddlePaddle paddle yolo11n_paddle_model/ imgsz, batch
NCNN ncnn yolo11n_ncnn_model/ imgsz, half, batch

Xem đầy đủ export Chi tiết trong Xuất khẩu trang.

FAQ

How do I train a YOLO11 model on my custom dataset?

Training a YOLO11 model on a custom dataset involves a few steps:

  1. Chuẩn bị tập dữ liệu: Đảm bảo tập dữ liệu của bạn nằm trong YOLO định dạng. Để được hướng dẫn, hãy tham khảo Hướng dẫn tập dữ liệu của chúng tôi.
  2. Tải mô hình: Sử dụng Ultralytics YOLO để tải mô hình được đào tạo trước hoặc tạo mô hình mới từ tệp YAML.
  3. Đào tạo mô hình: Thực hiện train Phương pháp trong Python hoặc yolo detect train lệnh trong CLI.

Ví dụ

from ultralytics import YOLO

# Load a pretrained model
model = YOLO("yolo11n.pt")

# Train the model on your custom dataset
model.train(data="my_custom_dataset.yaml", epochs=100, imgsz=640)
yolo detect train data=my_custom_dataset.yaml model=yolo11n.pt epochs=100 imgsz=640

Để biết các tùy chọn cấu hình chi tiết, hãy truy cập trang Cấu hình .

What pretrained models are available in YOLO11?

Ultralytics YOLO11 offers various pretrained models for object detection, segmentation, and pose estimation. These models are pretrained on the COCO dataset or ImageNet for classification tasks. Here are some of the available models:

Để biết danh sách chi tiết và chỉ số hiệu suất, hãy tham khảo phần Mô hình .

How can I validate the accuracy of my trained YOLO model?

To validate the accuracy of your trained YOLO11 model, you can use the .val() Phương pháp trong Python hoặc yolo detect val lệnh trong CLI. Điều này sẽ cung cấp các số liệu như mAP50-95, mAP50, v.v.

Ví dụ

from ultralytics import YOLO

# Load the model
model = YOLO("path/to/best.pt")

# Validate the model
metrics = model.val()
print(metrics.box.map)  # mAP50-95
yolo detect val model=path/to/best.pt

Để biết thêm chi tiết xác thực, hãy truy cập trang Val .

What formats can I export a YOLO11 model to?

Ultralytics YOLO11 allows exporting models to various formats such as ONNX, TensorRT, CoreML, and more to ensure compatibility across different platforms and devices.

Ví dụ

from ultralytics import YOLO

# Load the model
model = YOLO("yolo11n.pt")

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

Kiểm tra danh sách đầy đủ các định dạng và hướng dẫn được hỗ trợ trên trang Xuất .

Why should I use Ultralytics YOLO11 for object detection?

Ultralytics YOLO11 is designed to offer state-of-the-art performance for object detection, segmentation, and pose estimation. Here are some key advantages:

  1. Mô hình được đào tạo trước: Sử dụng các mô hình được đào tạo trước trên các bộ dữ liệu phổ biến như COCO và ImageNet để phát triển nhanh hơn.
  2. Độ chính xác cao: Đạt điểm mAP ấn tượng, đảm bảo phát hiện đối tượng đáng tin cậy.
  3. Tốc độ: Được tối ưu hóa để suy luận theo thời gian thực, lý tưởng cho các ứng dụng yêu cầu xử lý nhanh chóng.
  4. Tính linh hoạt: Xuất mô hình sang nhiều định dạng khác nhau như ONNX và TensorRT để triển khai trên nhiều nền tảng.

Explore our Blog for use cases and success stories showcasing YOLO11 in action.


📅 Created 11 months ago ✏️ Updated 10 days ago

Ý kiến