μΈμ€ν΄μ€ μΈλΆν
μΈμ€ν΄μ€ λΆν μ κ°μ²΄ κ°μ§λ³΄λ€ ν λ¨κ³ λ λμκ° μ΄λ―Έμ§μμ κ°λ³ κ°μ²΄λ₯Ό μλ³νκ³ λλ¨Έμ§ μ΄λ―Έμ§μμ κ°μ²΄λ₯Ό λΆν νλ μμ μ ν¬ν¨ν©λλ€.
μΈμ€ν΄μ€ λΆν λͺ¨λΈμ μΆλ ₯μ μ΄λ―Έμ§μ κ° κ°μ²΄μ λν ν΄λμ€ λ μ΄λΈ λ° μ λ’° μ μμ ν¨κ» κ° κ°μ²΄μ μ€κ³½μ λνλ΄λ λ§μ€ν¬ λλ μ€κ³½μ μ§ν©μ λλ€. μΈμ€ν΄μ€ μΈλΆνλ μ΄λ―Έμ§μμ κ°μ²΄μ μμΉλΏλ§ μλλΌ μ νν λͺ¨μμ μμμΌ ν λ μ μ©ν©λλ€.
Watch: Python μμ μ¬μ νμ΅λ Ultralytics YOLO λͺ¨λΈμ μ¬μ©νμ¬ μΈλΆνλ₯Ό μ€νν©λλ€.
ν
YOLO11 μΈκ·Έλ¨ΌνΈ λͺ¨λΈμ -seg
μ λ―Έμ¬, μ¦ yolo11n-seg.pt
μ λν΄ μ¬μ κ΅μ‘μ λ°μμΌλ©° COCO.
λͺ¨λΈ
YOLO11 μ¬μ νμ΅λ μΈκ·Έλ¨ΌνΈ λͺ¨λΈμ΄ μ¬κΈ°μ λμ μμ΅λλ€. κ°μ§, μΈκ·Έλ¨ΌνΈ λ° ν¬μ¦ λͺ¨λΈμ COCO λ°μ΄ν° μΈνΈμμ μ¬μ νμ΅λ λͺ¨λΈμ΄λ©°, λΆλ₯ λͺ¨λΈμ ImageNet λ°μ΄ν° μΈνΈμμ μ¬μ νμ΅λ λͺ¨λΈμ λλ€.
λͺ¨λΈμ μ²μ μ¬μ©ν λ μ΅μ Ultralytics 릴리μ€μμ μλμΌλ‘ λ€μ΄λ‘λλ©λλ€.
λͺ¨λΈ | ν¬κΈ° (ν½μ ) |
mAPbox 50-95 |
mAPmask 50-95 |
μλ CPU ONNX (ms) |
μλ T4TensorRT10 (ms) |
맀κ°λ³μ (M) |
FLOPs (B) |
---|---|---|---|---|---|---|---|
YOLO11n-seg | 640 | 38.9 | 32.0 | 65.9 Β± 1.1 | 1.8 Β± 0.0 | 2.9 | 10.4 |
YOLO11s-seg | 640 | 46.6 | 37.8 | 117.6 Β± 4.9 | 2.9 Β± 0.0 | 10.1 | 35.5 |
YOLO11m-seg | 640 | 51.5 | 41.5 | 281.6 Β± 1.2 | 6.3 Β± 0.1 | 22.4 | 123.3 |
YOLO11l-seg | 640 | 53.4 | 42.9 | 344.2 Β± 3.2 | 7.8 Β± 0.2 | 27.6 | 142.2 |
YOLO11x-seg | 640 | 54.7 | 43.8 | 664.5 Β± 3.2 | 15.8 Β± 0.7 | 62.1 | 319.0 |
- mAPval κ°μ λ¨μΌ λͺ¨λΈ λ¨μΌ μ€μΌμΌμ λν κ²μ
λλ€. COCO val2017 λ°μ΄ν° μΈνΈ.
볡μ λμyolo val segment data=coco-seg.yaml device=0
- μλ λ₯Ό μ¬μ©νμ¬ COCO κ° μ΄λ―Έμ§μ λν νκ· μ ꡬν©λλ€. Amazon EC2 P4d μΈμ€ν΄μ€μ
λλ€.
볡μ λμyolo val segment data=coco-seg.yaml batch=1 device=0|cpu
κΈ°μ°¨
μ΄λ―Έμ§ ν¬κΈ° 640μμ 100κ°μ μν¬ν¬μ λν΄ COCO8-seg λ°μ΄ν° μΈνΈμμ YOLO11n-segλ₯Ό νλ ¨ν©λλ€. μ¬μ© κ°λ₯ν μΈμμ μ 체 λͺ©λ‘μ κ΅¬μ± νμ΄μ§λ₯Ό μ°Έμ‘°νμΈμ.
μ
from ultralytics import YOLO
# Load a model
model = YOLO("yolo11n-seg.yaml") # build a new model from YAML
model = YOLO("yolo11n-seg.pt") # load a pretrained model (recommended for training)
model = YOLO("yolo11n-seg.yaml").load("yolo11n.pt") # build from YAML and transfer weights
# Train the model
results = model.train(data="coco8-seg.yaml", epochs=100, imgsz=640)
# Build a new model from YAML and start training from scratch
yolo segment train data=coco8-seg.yaml model=yolo11n-seg.yaml epochs=100 imgsz=640
# Start training from a pretrained *.pt model
yolo segment train data=coco8-seg.yaml model=yolo11n-seg.pt epochs=100 imgsz=640
# Build a new model from YAML, transfer pretrained weights to it and start training
yolo segment train data=coco8-seg.yaml model=yolo11n-seg.yaml pretrained=yolo11n-seg.pt epochs=100 imgsz=640
λ°μ΄ν° μ§ν© νμ
YOLO μΈλΆν λ°μ΄ν° μΈνΈ νμμ λ°μ΄ν° μΈνΈ κ°μ΄λμμ μμΈν νμΈν μ μμ΅λλ€. κΈ°μ‘΄ λ°μ΄ν°μ μ λ€λ₯Έ νμ(μ: COCO λ±)μμ YOLO νμμΌλ‘ λ³ννλ €λ©΄ JSON2YOLO λꡬ( Ultralytics)λ₯Ό μ¬μ©νμΈμ.
Val
νμ΅λ YOLO11n-seg λͺ¨λΈ κ²μ¦νκΈ° μ νμ± λ₯Ό μ
λ ₯ν©λλ€. μΈμκ° νμνμ§ μμΌλ―λ‘ model
κ΅μ‘ μ μ§ data
λ° μΈμλ₯Ό λͺ¨λΈ μμ±μΌλ‘ μ¬μ©ν©λλ€.
μ
from ultralytics import YOLO
# Load a model
model = YOLO("yolo11n-seg.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(B)
metrics.box.map50 # map50(B)
metrics.box.map75 # map75(B)
metrics.box.maps # a list contains map50-95(B) of each category
metrics.seg.map # map50-95(M)
metrics.seg.map50 # map50(M)
metrics.seg.map75 # map75(M)
metrics.seg.maps # a list contains map50-95(M) of each category
μμΈ‘
νμ΅λ YOLO11n-seg λͺ¨λΈμ μ¬μ©νμ¬ μ΄λ―Έμ§μ λν μμΈ‘μ μ€νν©λλ€.
μ
μ 체 보기 predict
λͺ¨λ μΈλΆ μ 보μμ μμΈ‘ νμ΄μ§λ‘ μ΄λν©λλ€.
λ΄λ³΄λ΄κΈ°
ONNX, CoreML λ±κ³Ό κ°μ λ€λ₯Έ νμμΌλ‘ YOLO11n-seg λͺ¨λΈμ λ΄λ³΄λ λλ€.
μ
μ¬μ© κ°λ₯ν YOLO11-seg λ΄λ³΄λ΄κΈ° νμμ μλ νμ λμ μμ΅λλ€. λ΄λ³΄λ΄κΈ° νμμ format
μΈμ, μ¦ format='onnx'
λλ format='engine'
. λ΄λ³΄λΈ λͺ¨λΈμμ μ§μ μμΈ‘νκ±°λ κ²μ¦ν μ μμ΅λλ€. yolo predict model=yolo11n-seg.onnx
. λ΄λ³΄λ΄κΈ°κ° μλ£λ ν λͺ¨λΈμ λν μ¬μ© μκ° νμλ©λλ€.
νμ | format μΈμ |
λͺ¨λΈ | λ©νλ°μ΄ν° | μΈμ |
---|---|---|---|---|
PyTorch | - | yolo11n-seg.pt |
β | - |
TorchScript | torchscript |
yolo11n-seg.torchscript |
β | imgsz , optimize , batch |
ONNX | onnx |
yolo11n-seg.onnx |
β | imgsz , half , dynamic , simplify , opset , batch |
OpenVINO | openvino |
yolo11n-seg_openvino_model/ |
β | imgsz , half , int8 , batch |
TensorRT | engine |
yolo11n-seg.engine |
β | imgsz , half , dynamic , simplify , workspace , int8 , batch |
CoreML | coreml |
yolo11n-seg.mlpackage |
β | imgsz , half , int8 , nms , batch |
TF SavedModel | saved_model |
yolo11n-seg_saved_model/ |
β | imgsz , keras , int8 , batch |
TF GraphDef | pb |
yolo11n-seg.pb |
β | imgsz , batch |
TF Lite | tflite |
yolo11n-seg.tflite |
β | imgsz , half , int8 , batch |
TF Edge TPU | edgetpu |
yolo11n-seg_edgetpu.tflite |
β | imgsz |
TF.js | tfjs |
yolo11n-seg_web_model/ |
β | imgsz , half , int8 , batch |
PaddlePaddle | paddle |
yolo11n-seg_paddle_model/ |
β | imgsz , batch |
MNN | mnn |
yolo11n-seg.mnn |
β | imgsz , batch , int8 , half |
NCNN | ncnn |
yolo11n-seg_ncnn_model/ |
β | imgsz , half , batch |
IMX500 | imx |
yolo11n-seg_imx_model/ |
β | imgsz , int8 |
μ 체 보기 export
μΈλΆ μ 보μμ λ΄λ³΄λ΄κΈ° νμ΄μ§λ‘ μ΄λν©λλ€.
μμ£Ό 묻λ μ§λ¬Έ
μ¬μ©μ μ§μ λ°μ΄ν° μ§ν©μμ YOLO11 μΈλΆν λͺ¨λΈμ νλ ¨νλ €λ©΄ μ΄λ»κ² νλμ?
μ¬μ©μ μ§μ λ°μ΄ν° μΈνΈμμ YOLO11 μΈλΆν λͺ¨λΈμ νλ ¨νλ €λ©΄ λ¨Όμ λ°μ΄ν° μΈνΈλ₯Ό YOLO μΈλΆν νμμΌλ‘ μ€λΉν΄μΌ ν©λλ€. JSON2YOLOμ κ°μ λꡬλ₯Ό μ¬μ©νμ¬ λ€λ₯Έ νμμ λ°μ΄ν° μΈνΈλ₯Ό λ³νν μ μμ΅λλ€. λ°μ΄ν° μΈνΈκ° μ€λΉλλ©΄ Python λλ CLI λͺ λ Ήμ μ¬μ©νμ¬ λͺ¨λΈμ νμ΅μν¬ μ μμ΅λλ€:
μ
μ¬μ© κ°λ₯ν μΈμλ κ΅¬μ± νμ΄μ§μμ νμΈνμΈμ.
YOLO11 μμ κ°μ²΄ κ°μ§μ μΈμ€ν΄μ€ μΈλΆνμ μ°¨μ΄μ μ 무μμΈκ°μ?
κ°μ²΄ κ°μ§λ κ°μ²΄ μ£Όλ³μ κ²½κ³ μμλ₯Ό κ·Έλ € μ΄λ―Έμ§ λ΄μμ κ°μ²΄λ₯Ό μλ³νκ³ μμΉλ₯Ό νμ νλ λ°λ©΄, μΈμ€ν΄μ€ λΆν μ κ²½κ³ μμλ₯Ό μλ³ν λΏλ§ μλλΌ κ° κ°μ²΄μ μ νν λͺ¨μμ λ¬μ¬ν©λλ€. YOLO11 μΈμ€ν΄μ€ λΆν λͺ¨λΈμ κ°μ§λ κ° κ°μ²΄μ μ€κ³½μ λνλ΄λ λ§μ€ν¬ λλ μ€κ³½μ μ 곡νλ―λ‘ μλ£ μμμ΄λ μμ¨ μ£Όνμ²λΌ μ νν λͺ¨μ νμ μ΄ μ€μν μμ μμ νΉν μ μ©ν©λλ€.
μΈμ€ν΄μ€ μΈλΆνμ YOLO11 μ μ¬μ©νλ μ΄μ λ 무μμΈκ°μ?
Ultralytics YOLO11 λ λμ μ νλμ μ€μκ° μ±λ₯μΌλ‘ μΈμ λ°μ μ΅μ²¨λ¨ λͺ¨λΈλ‘, μΈμ€ν΄μ€ μΈλΆν μμ μ μ΄μμ μ λλ€. YOLO11 μΈκ·Έλ¨ΌνΈ λͺ¨λΈμ COCO λ°μ΄ν° μΈνΈμ λν΄ μ¬μ νμ΅λ μνλ‘ μ 곡λλ―λ‘ λ€μν μ€λΈμ νΈμμ κ°λ ₯ν μ±λ₯μ 보μ₯ν©λλ€. λν YOLO μ μνν ν΅ν©μ ν΅ν΄ νλ ¨, κ²μ¦, μμΈ‘ λ° λ΄λ³΄λ΄κΈ° κΈ°λ₯μ μ§μνλ―λ‘ μ°κ΅¬ λ° μ°μ μ ν리μΌμ΄μ λͺ¨λμ λ§€μ° μ μ©νκ² μ¬μ©ν μ μμ΅λλ€.
μ¬μ νμ΅λ YOLO μΈλΆν λͺ¨λΈμ λ‘λνκ³ μ ν¨μ±μ κ²μ¬νλ €λ©΄ μ΄λ»κ² ν΄μΌ νλμ?
μ¬μ νμ΅λ YOLO μΈλΆν λͺ¨λΈμ λ‘λνκ³ μ ν¨μ±μ κ²μ¬νλ κ²μ κ°λ¨ν©λλ€. Python κ³Ό CLI μ μ¬μ©νμ¬ μννλ λ°©λ²μ λ€μκ³Ό κ°μ΅λλ€:
μ
μ΄λ¬ν λ¨κ³λ₯Ό ν΅ν΄ λͺ¨λΈ μ±λ₯μ νκ°νλ λ° μ€μν νκ· μ λ°λ (mAP)μ κ°μ κ²μ¦ μ§νλ₯Ό μ»μ μ μμ΅λλ€.
YOLO μΈλΆν λͺ¨λΈμ ONNX νμμΌλ‘ λ΄λ³΄λ΄λ €λ©΄ μ΄λ»κ² ν΄μΌ νλμ?
YOLO μΈλΆν λͺ¨λΈμ ONNX νμμΌλ‘ λ΄λ³΄λ΄λ λ°©λ²μ κ°λ¨νλ©° Python λλ CLI λͺ λ Ήμ μ¬μ©νμ¬ μνν μ μμ΅λλ€:
μ
λ€μν νμμΌλ‘ λ΄λ³΄λ΄λ λ°©λ²μ λν μμΈν λ΄μ©μ λ΄λ³΄λ΄κΈ° νμ΄μ§λ₯Ό μ°Έμ‘°νμΈμ.