Vai al contenuto

Stima della posa

Esempi di stima della posa

La stima della posa è un'attività che prevede l'identificazione della posizione di punti specifici in un'immagine, solitamente indicati come punti chiave. I punti chiave possono rappresentare varie parti dell'oggetto come articolazioni, punti di riferimento o altre caratteristiche distintive. Le posizioni dei punti chiave sono solitamente rappresentate come un insieme di punti chiave 2D. [x, y] o 3D [x, y, visible] coordinate.

L'output di un modello di stima della posa è un insieme di punti che rappresentano i punti chiave di un oggetto nell'immagine, solitamente insieme ai punteggi di confidenza per ogni punto. La stima della posa è una buona scelta quando hai bisogno di identificare parti specifiche di un oggetto in una scena e la loro posizione rispetto agli altri.


Guarda: Pose Estimation with Ultralytics YOLO.

Guarda: Stima della posa con Ultralytics HUB.

Suggerimento

YOLO11 posa i modelli utilizzano il metodo -pose suffisso, cioè yolo11n-pose.pt. Questi modelli vengono addestrati sulla base di Punti chiave di COCO e sono adatti a una serie di compiti di stima della posa.

In the default YOLO11 pose model, there are 17 keypoints, each representing a different part of the human body. Here is the mapping of each index to its respective body joint:

0: Naso 1: Occhio sinistro 2: Occhio destro 3: Orecchio sinistro 4: Orecchio destro 5: Spalla sinistra 6: Spalla destra 7: Gomito sinistro 8: Gomito destro 9: Polso sinistro 10: Polso destro 11: Anca sinistra 12: Anca destra 13: Ginocchio sinistro 14: Ginocchio destro 15: Caviglia sinistra 16: Caviglia destra

Modelli

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

I modelli vengono scaricati automaticamente dall'ultimarelease di Ultralytics al primo utilizzo.

Modellodimensione
(pixel)
mAPpose
50-95
mAPpose
50
Velocità
CPU ONNX
(ms)
Speed
T4 TensorRT10
(ms)
params
(M)
FLOPs
(B)
YOLO11n-pose64050.081.052.4 ± 0.51.7 ± 0.02.97.6
YOLO11s-pose64058.986.390.5 ± 0.62.6 ± 0.09.923.2
YOLO11m-pose64064.989.4187.3 ± 0.84.9 ± 0.120.971.7
YOLO11l-pose64066.189.9247.7 ± 1.16.4 ± 0.126.290.7
YOLO11x-pose64069.591.1488.0 ± 13.912.1 ± 0.258.8203.3
  • mAPval I valori si riferiscono a un modello a scala singola su Punti chiave COCO val2017 set di dati.
    Riproduci da yolo val pose data=coco-pose.yaml device=0
  • Velocità mediata sulle immagini COCO val utilizzando un Amazon EC2 P4d istanza.
    Riproduci da yolo val pose data=coco-pose.yaml batch=1 device=0|cpu

Treno

Train a YOLO11-pose model on the COCO8-pose dataset.

Esempio

from ultralytics import YOLO

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

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

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

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

Formato del set di dati

YOLO Il formato dei set di dati può essere consultato in dettaglio nella Guida ai set di dati. Per convertire il tuo set di dati esistente da altri formati (come COCO ecc.) al formato YOLO , utilizza lo strumento JSON2YOLO di Ultralytics.

Val

Validate trained YOLO11n-pose model accuracy on the COCO8-pose dataset. No arguments are needed as the model mantiene la sua formazione data e gli argomenti come attributi del modello.

Esempio

from ultralytics import YOLO

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

Prevedere

Use a trained YOLO11n-pose model to run predictions on images.

Esempio

from ultralytics import YOLO

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

Vedi tutto predict i dettagli della modalità nella sezione Prevedere pagina.

Esportazione

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

Esempio

from ultralytics import YOLO

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

Available YOLO11-pose export formats are in the table below. You can export to any format using the format argomento, vale a dire format='onnx' o format='engine'. Puoi prevedere o convalidare direttamente i modelli esportati, ad es. yolo predict model=yolo11n-pose.onnx. Al termine dell'esportazione vengono mostrati degli esempi di utilizzo per il tuo modello.

Formatoformat ArgomentoModelloMetadatiArgomenti
PyTorch-yolo11n-pose.pt-
TorchScripttorchscriptyolo11n-pose.torchscriptimgsz, optimize, batch
ONNXonnxyolo11n-pose.onnximgsz, half, dynamic, simplify, opset, batch
OpenVINOopenvinoyolo11n-pose_openvino_model/imgsz, half, int8, batch
TensorRTengineyolo11n-pose.engineimgsz, half, dynamic, simplify, workspace, int8, batch
CoreMLcoremlyolo11n-pose.mlpackageimgsz, half, int8, nms, batch
TF SavedModelsaved_modelyolo11n-pose_saved_model/imgsz, keras, int8, batch
TF GraphDefpbyolo11n-pose.pbimgsz, batch
TF Litetfliteyolo11n-pose.tfliteimgsz, half, int8, batch
TF Bordo TPUedgetpuyolo11n-pose_edgetpu.tfliteimgsz
TF.jstfjsyolo11n-pose_web_model/imgsz, half, int8, batch
PaddlePaddlepaddleyolo11n-pose_paddle_model/imgsz, batch
NCNNncnnyolo11n-pose_ncnn_model/imgsz, half, batch

Vedi tutto export dettagli nella sezione Esportazione pagina.

DOMANDE FREQUENTI

What is Pose Estimation with Ultralytics YOLO11 and how does it work?

Pose estimation with Ultralytics YOLO11 involves identifying specific points, known as keypoints, in an image. These keypoints typically represent joints or other important features of the object. The output includes the [x, y] coordinates and confidence scores for each point. YOLO11-pose models are specifically designed for this task and use the -pose suffisso, come ad esempio yolo11n-pose.pt. Questi modelli sono pre-addestrati su set di dati come Punti chiave di COCO e può essere utilizzato per diverse attività di stima della posa. Per maggiori informazioni, visita il sito Pagina di stima della posa.

How can I train a YOLO11-pose model on a custom dataset?

Training a YOLO11-pose model on a custom dataset involves loading a model, either a new model defined by a YAML file or a pre-trained model. You can then start the training process using your specified dataset and parameters.

from ultralytics import YOLO

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

# Train the model
results = model.train(data="your-dataset.yaml", epochs=100, imgsz=640)

Per maggiori dettagli sulla formazione, consulta la sezione Formazione.

How do I validate a trained YOLO11-pose model?

Validation of a YOLO11-pose model involves assessing its accuracy using the same dataset parameters retained during training. Here's an example:

from ultralytics import YOLO

# Load a model
model = YOLO("yolo11n-pose.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

Per maggiori informazioni, visita la sezione Val.

Can I export a YOLO11-pose model to other formats, and how?

Yes, you can export a YOLO11-pose model to various formats like ONNX, CoreML, TensorRT, and more. This can be done using either Python or the Command Line Interface (CLI).

from ultralytics import YOLO

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

# Export the model
model.export(format="onnx")

Per maggiori dettagli, consulta la sezione Esportazione.

What are the available Ultralytics YOLO11-pose models and their performance metrics?

Ultralytics YOLO11 offers various pretrained pose models such as YOLO11n-pose, YOLO11s-pose, YOLO11m-pose, among others. These models differ in size, accuracy (mAP), and speed. For instance, the YOLO11n-pose model achieves a mAPpose50-95 of 50.4 and an mAPpose50 of 80.1. For a complete list and performance details, visit the Models Section.

📅 Created 11 months ago ✏️ Updated 11 days ago

Commenti