M1とM2 Mac(GPU)のディープラーニング性能をチェック|YOLOv8(学習)でベンチマーク
M1/M2/M3搭載のMacのディープラーニング利用時の性能に興味はありませんか?この記事では、M1 ProおよびM2搭載のMacBookで深層学習を行なった場合の性能を検証します。具体的には、物体検出用のYOLOv8の実行環境を構築し、ベンチマークを計測してみました。Macがどの程度機械学習で利用できるかの参考になる情報を提供します。
はじめに
YOLOv8は標準でアップルのチップ(M1/M2/M3)に対応しています。
PytorchがApple Siliconに対応していていますので、この流れは当然のことかと思います。これまで、Macでベンチマークをいくつかやっていましたが、物体検出タスクについてはMacでベンチマークをとったことがありませんでした。
YOLOv8がAppleシリコンに対応しているということですので、今回はYOLOv8を使って物体検出の学習の性能についてベンチマークしてみました。
Macbook Air(M2)で大規模言語モデル(LLM)も動かしました。結果はこちらの記事を参照してください。
インストール
AppleシリコンのGPUを使ってYOLOv8を動作させるには、Appleシリコンに対応したPython環境を構築する必要があります。
以下は、Appleシリコン対応の環境を構築する方法です。
Minicondaで実行環境を構築
まず、Minicondaでpython環境を構築します。Apple Siliconにコマンドラインでminicondaをインストるする場合は、以下のコマンドを実行します。
curl -O https://repo.anaconda.com/miniconda/Miniconda3-latest-MacOSX-arm64.sh
sh Miniconda3-latest-MacOSX-arm64.sh
インストール後に、ターミナルを再起動するか、source ~/.zshrc
を実行し、conda
コマンドが実行できることを確認します。
conda
コマンドを実行できることが確認できたら、YOLOv8用の仮想環境を作成します。
仮想環境を作ることで、YOLOv8のインストールでpython環境を汚さないようにすることができます。また、簡単に削除することできるようになります。
以下のコマンドを実行し、仮想環境(yolov8)を作成、作成した仮想環境(Yolov8)への環境の切り替え、切り替えた仮想環境にYOLOv8のインストールを行います。
conda create -n yolov8 python=3.11 ⏎
conda activate yolov8 ⏎
pip install ultralytics ⏎
一応、コマンドラインからpython
を起動して、GPUが利用可能になっているか確認します。
torch.backends.mps.is_available()
でTrue
が返ってきていれば、GPUが認識されています。
> python
Python 3.11.4 (main, Jul 5 2023, 08:40:20) [Clang 14.0.6 ] on darwin
Type "help", "copyright", "credits" or "license" for more information.
>>> import torch
>>> torch.backends.mps.is_available()
True
>>>
YOLOv8でベンチマーク
動作環境
今回、実験を行った環境は、MacBook Air M2 2022(16GB Memory)です。
M2搭載のMacとしてはローエンドになります。
Macbook Airは手軽に持ち歩けるサイズのノートパソコンです。もし、このPCで機械学習ができれば、出先でちょっと再学習などもできるようになるので、かなりのメリットがあります。
MacBook Air M2 2022スペック
- 8コアCPU(高性能コア4、高効率コア4)
- 8コアGPU
- 16コアNural Engine
- 100GB/sのメモリ帯域幅
また、MacBook Pro M1 16インチ 2021(16GB)でも実行してみました。
MacBook Pro M1 16インチ 2021スペック
- 10コアCPU(高性能コア8、高効率コア2)
- 16コアGPU
- 16コアNural Engine
- 200GB/sのメモリ帯域幅
M2UltraだとGPUが76コアが選べるので、MacBook Airと比較するとかなり高速だと思われます。ただし、価格はMac Studioでも70万円オーバーですが。
M1Proの実行ログは最後に追加しています。
データの準備
データはkaggleで用意されているCar Object Detectionデータセットを使いました。データセットはYOLOv8向けになっていないので、変換する必要があります。
変換方法については、以下の記事を参考にしてください。
とりあえず、データセットに関しては、以下のkaggleのnotebookの出力(output)をダウンロードして、datasetsフォルダを作業ディレクトリ直下にコピーしてもOKです。
https://www.kaggle.com/code/aruaru0/yolov8-car-object-detection/output
dataset.yamlの準備
YOLOv8のデータファイルdataset.yamlを作成します。ファイルの中身は、データへのパスを、クラス数、クラス名になります。作成したら、作業ディレクトリ直下に置きます。
# Path
path: ./cars
train: images/train
val: images/valid
# Classes
nc: 1
names: ['car']
CPUで実行 (M2)
まず、CPUでYOLOv8を実行します。
ここでは、EPOCH数は10、バッチサイズは8にしました。
device="cpu"
と書かれた引数がCPUを指定するパラメータになります。
from ultralytics import YOLO
import time
if __name__ == "__main__":
model = YOLO('yolov8n.pt')
start = time.time()
model.train(data="dataset.yaml", epochs=10, batch=8, pretrained=True, device="cpu")
end = time.time()
print(f"{end-start}sec.")
実行ログの一部抜粋です。1EPOCH60秒前後で処理し、10EPOCH全体で630秒でした。YOLOv8の一番小さいモデルですが、この画像枚数であれば、CPUでも学習できないことはなさそうです。
<span class="jinr-d--font-size d--fontsize-11px">Transferred 319/355 items from pretrained weights
train: Scanning /Users/tadanori/tmp/m1test/datasets/cars/labels/train.cache... 284 images, 0 backgrounds, 0 corrupt: 100%|██████████| 284/284 [00:00<?, ?it/s]
val: Scanning /Users/tadanori/tmp/m1test/datasets/cars/labels/valid.cache... 71 images, 0 backgrounds, 0 corrupt: 100%|██████████| 71/71 [00:00<?, ?it/s]
Plotting labels to runs/detect/train53/labels.jpg...
optimizer: AdamW(lr=0.002, momentum=0.9) with parameter groups 57 weight(decay=0.0), 64 weight(decay=0.0005), 63 bias(decay=0.0)
Image sizes 640 train, 640 val
Using 0 dataloader workers
Logging results to runs/detect/train53
Starting training for 10 epochs...
Closing dataloader mosaic
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
1/10 0G 1.415 2.612 1.143 5 640: 100%|██████████| 36/36 [00:47<00:00, 1.33s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:06<00:00, 1.35s/it]
all 71 100 0.0046 0.98 0.0113 0.00679
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
2/10 0G 1.348 1.832 1.171 6 640: 100%|██████████| 36/36 [00:47<00:00, 1.31s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:06<00:00, 1.35s/it]
all 71 100 1 0.125 0.927 0.581
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
3/10 0G 1.377 1.75 1.163 8 640: 100%|██████████| 36/36 [00:46<00:00, 1.30s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:06<00:00, 1.34s/it]
all 71 100 0.958 0.916 0.982 0.614
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
4/10 0G 1.299 1.453 1.155 8 640: 100%|██████████| 36/36 [00:47<00:00, 1.33s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:07<00:00, 1.52s/it]
all 71 100 0.99 0.945 0.987 0.639
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
5/10 0G 1.304 1.371 1.15 8 640: 100%|██████████| 36/36 [00:57<00:00, 1.58s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.67s/it]
all 71 100 0.97 0.95 0.987 0.6
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
6/10 0G 1.268 1.321 1.15 4 640: 100%|██████████| 36/36 [00:55<00:00, 1.55s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.61s/it]
all 71 100 0.988 0.96 0.972 0.624
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
7/10 0G 1.234 1.197 1.099 8 640: 100%|██████████| 36/36 [00:56<00:00, 1.56s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.66s/it]
all 71 100 0.99 0.96 0.986 0.604
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
8/10 0G 1.236 1.128 1.119 4 640: 100%|██████████| 36/36 [00:57<00:00, 1.60s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.67s/it]
all 71 100 1 0.962 0.992 0.638
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
9/10 0G 1.195 1.025 1.106 4 640: 100%|██████████| 36/36 [00:58<00:00, 1.63s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.74s/it]
all 71 100 1 0.958 0.986 0.645
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
10/10 0G 1.171 0.9713 1.087 8 640: 100%|██████████| 36/36 [01:00<00:00, 1.68s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.80s/it]
all 71 100 1 0.96 0.989 0.658
10 epochs completed in 0.172 hours.
Optimizer stripped from runs/detect/train53/weights/last.pt, 6.2MB
Optimizer stripped from runs/detect/train53/weights/best.pt, 6.2MB
Validating runs/detect/train53/weights/best.pt...
Ultralytics YOLOv8.0.138 🚀 Python-3.11.4 torch-2.0.1 CPU (Apple M2)
Model summary (fused): 168 layers, 3005843 parameters, 0 gradients
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.62s/it]
all 71 100 1 0.96 0.989 0.658
Speed: 0.3ms preprocess, 103.2ms inference, 0.0ms loss, 1.4ms postprocess per image
Results saved to runs/detect/train53
630.5438086986542sec.
GPUで学習(M2)
次にGPUを使って学習させてみます。
GPUで学習するには、コードのdevice
をmps
に変更するだけです。
from ultralytics import YOLO
import time
if __name__ == "__main__":
model = YOLO('yolov8n.pt')
start = time.time()
model.train(data="dataset.yaml", epochs=10, batch=8, pretrained=True, device="mps")
end = time.time()
print(f"{end-start}sec.")
GPUでの実行は、1EPOCH約30秒、トータルで330秒となりました。
CPUと比較して半分の処理時間になっていて、GPUの効果が確認できました。
Transferred 319/355 items from pretrained weights
train: Scanning /Users/tadanori/tmp/m1test/datasets/cars/labels/train.cache... 284 images, 0 backgrounds, 0 corrupt: 100%|██████████| 284/284 [00:00<?, ?it/s]
val: Scanning /Users/tadanori/tmp/m1test/datasets/cars/labels/valid.cache... 71 images, 0 backgrounds, 0 corrupt: 100%|██████████| 71/71 [00:00<?, ?it/s]
Plotting labels to runs/detect/train54/labels.jpg...
optimizer: AdamW(lr=0.002, momentum=0.9) with parameter groups 57 weight(decay=0.0), 64 weight(decay=0.0005), 63 bias(decay=0.0)
Image sizes 640 train, 640 val
Using 8 dataloader workers
Logging results to runs/detect/train54
Starting training for 10 epochs...
Closing dataloader mosaic
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
1/10 0G 1.375 2.962 1.052 6 640: 100%|██████████| 36/36 [00:28<00:00, 1.27it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:06<00:00, 1.36s/it]
all 71 100 0.0046 0.98 0.841 0.404
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
2/10 0G 1.262 2.398 1.034 7 640: 100%|██████████| 36/36 [00:25<00:00, 1.39it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 2.16it/s]
all 71 100 0.826 0.714 0.857 0.408
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
3/10 0G 1.317 2.273 1.059 3 640: 100%|██████████| 36/36 [00:24<00:00, 1.46it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 1.89it/s]
all 71 100 0.89 0.888 0.923 0.484
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
4/10 0G 1.261 2.128 1.022 4 640: 100%|██████████| 36/36 [00:28<00:00, 1.28it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 2.06it/s]
all 71 100 0.905 0.86 0.931 0.431
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
5/10 0G 1.278 2.011 1.022 7 640: 100%|██████████| 36/36 [00:28<00:00, 1.26it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 2.22it/s]
all 71 100 0.818 0.88 0.887 0.461
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
6/10 0G 1.24 1.933 1.009 3 640: 100%|██████████| 36/36 [00:27<00:00, 1.31it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 2.05it/s]
all 71 100 0.843 0.9 0.912 0.466
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
7/10 0G 1.268 1.835 1.009 7 640: 100%|██████████| 36/36 [00:29<00:00, 1.24it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 2.00it/s]
all 71 100 0.94 0.96 0.971 0.587
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
8/10 0G 1.207 1.751 0.9709 6 640: 100%|██████████| 36/36 [00:28<00:00, 1.26it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 2.07it/s]
all 71 100 0.952 0.94 0.978 0.558
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
9/10 0G 1.143 1.718 0.9495 8 640: 100%|██████████| 36/36 [00:26<00:00, 1.37it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 2.07it/s]
all 71 100 0.96 0.951 0.98 0.577
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
10/10 0G 1.149 1.607 0.9572 5 640: 100%|██████████| 36/36 [00:27<00:00, 1.32it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:04<00:00, 1.08it/s]
all 71 100 0.97 0.957 0.983 0.608
10 epochs completed in 0.089 hours.
Optimizer stripped from runs/detect/train54/weights/last.pt, 6.2MB
Optimizer stripped from runs/detect/train54/weights/best.pt, 6.2MB
Validating runs/detect/train54/weights/best.pt...
Ultralytics YOLOv8.0.138 🚀 Python-3.11.4 torch-2.0.1 MPS (Apple M2)
Model summary (fused): 168 layers, 3005843 parameters, 0 gradients
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 1.70it/s]
all 71 100 0.97 0.957 0.983 0.605
Speed: 0.5ms preprocess, 19.7ms inference, 0.0ms loss, 1.9ms postprocess per image
Results saved to runs/detect/train54
334.40202498435974sec.</span>
結果まとめ
Apple Siliconに対応したYOLOv8で学習時のベンチマークをしてみました。
MacBook AirでもGPUを使うと2倍くらいの速度になるようです。M2のCPUは、IntelのCPUと比較してもそれなりに高速な部類です。GPUを使うとここからさらに2倍くらいの高速に学習できるというのは、薄型ノートPCとしてはかなり大きなメリットだと感じました。
以下、M2とM1Proでの学習時間の結果です。
デバイス | 処理時間(秒) | |
M2 | device=”cpu” | 630.54 sec. |
device=”mps” | 334.40 sec. | |
M1Pro | device=”cpu” | 582.68 sec. |
device=”mps” | 372.99 sec. | |
参考:GPU=P100(kaggle notebook) | 119 sec. |
意外だったのがGPU処理に関しては、M1 Proの方がM2より遅かったことです。GPUのコア数が倍なのでM1 Proの方が早いかと予想していたのですが、M2の方が処理時間が短いという結果になりました。
一方、CPUでの実行に関しては、M1 Proの方がM2より高速でした。こちらは、コア数の差がでたのかもしれません。
もしかしたら、YOLOv8のもっと大きなモデルを訓練したらまた違った結果になるのかもしれません。とりあえず、GPUの性能がM2でかなり上がったのかもしれません。
P100(kaggleで提供されているnVidiaのGPU)で学習させた結果も測定してみました。
少し古めのGPUとはいえ、CPUの約6倍、M2のGPUの約3倍と、やはり学習用のGPUはかなり高速です。
nVidiaのGPUでの学習速度には全然届かないというのが素直な感想です。
M2 Ultra(76GPUコア)などを使えば、P100には追いつけそうですが、価格を考えたら素直にNvidiaのGPU搭載のパソコンを買った方が良いかなと思います。
とはいえ、エントリレベルのノートパソコンで手軽に学習で切るのは大きいです。ちょっとしたコードを動かしたり、ディープラーニングの勉強などには十分使えるのでは無いでしょうか。
M3搭載のMacが発売されました。GPUの性能がかなり上がっているということですが、これまでのベンチマークを見る限りnVIDIAのGPUには敵わないと思われます。本格的に、ディープラーニングをしたいならnVIDIAのGPU搭載のPCを購入した方が良いと思います。
ただ、ちょっとした学習であれば一応できないことはないレベルになっていると思います。逆にMacを持っていてディープラーニングの学習をしたいのなら、これを活用するのも良いと思います。
M4 Maxの結果を別記事に追加しました。M4の結果については下記の記事を参考にしてください。
付録(M1 Proの実行ログ)
最後に、M1Proでの実行ログをつけておきます。
CPUで学習(M1 Pro)
Transferred 319/355 items from pretrained weights
Freezing layer 'model.22.dfl.conv.weight'
train: Scanning /Users/tadanori/tmp/yolov8/datasets/cars/labels/train.cache... 284 images, 0 backgrounds, 0 corrupt: 100%|██████████| 284/284 [00:00<?, ?it/s]
val: Scanning /Users/tadanori/tmp/yolov8/datasets/cars/labels/valid.cache... 71 images, 0 backgrounds, 0 corrupt: 100%|██████████| 71/71 [00:00<?, ?it/s]
Plotting labels to runs/detect/train4/labels.jpg...
optimizer: 'optimizer=auto' found, ignoring 'lr0=0.01' and 'momentum=0.937' and determining best 'optimizer', 'lr0' and 'momentum' automatically...
optimizer: AdamW(lr=0.002, momentum=0.9) with parameter groups 57 weight(decay=0.0), 64 weight(decay=0.0005), 63 bias(decay=0.0)
Image sizes 640 train, 640 val
Using 0 dataloader workers
Logging results to runs/detect/train4
Starting training for 10 epochs...
Closing dataloader mosaic
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
1/10 0G 1.414 2.611 1.143 5 640: 100%|██████████| 36/36 [00:49<00:00, 1.36s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.66s/it]
all 71 100 0.0046 0.98 0.0113 0.00683
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
2/10 0G 1.347 1.816 1.173 6 640: 100%|██████████| 36/36 [00:48<00:00, 1.35s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.63s/it]
all 71 100 1 0.284 0.956 0.586
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
3/10 0G 1.375 1.765 1.164 8 640: 100%|██████████| 36/36 [00:49<00:00, 1.38s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.69s/it]
all 71 100 0.968 0.92 0.983 0.622
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
4/10 0G 1.317 1.602 1.147 8 640: 100%|██████████| 36/36 [00:48<00:00, 1.35s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.65s/it]
all 71 100 0.968 0.94 0.97 0.598
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
5/10 0G 1.321 1.419 1.145 8 640: 100%|██████████| 36/36 [00:48<00:00, 1.35s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.66s/it]
all 71 100 0.968 0.91 0.987 0.573
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
6/10 0G 1.27 1.321 1.143 4 640: 100%|██████████| 36/36 [00:48<00:00, 1.35s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.64s/it]
all 71 100 0.978 0.95 0.986 0.621
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
7/10 0G 1.276 1.261 1.088 8 640: 100%|██████████| 36/36 [00:48<00:00, 1.34s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.67s/it]
all 71 100 0.98 0.96 0.986 0.609
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
8/10 0G 1.244 1.134 1.109 4 640: 100%|██████████| 36/36 [00:48<00:00, 1.34s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.65s/it]
all 71 100 0.971 0.97 0.99 0.642
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
9/10 0G 1.193 1.052 1.097 4 640: 100%|██████████| 36/36 [00:47<00:00, 1.33s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.66s/it]
all 71 100 0.989 0.93 0.987 0.654
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
10/10 0G 1.157 0.9957 1.081 8 640: 100%|██████████| 36/36 [00:48<00:00, 1.34s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:08<00:00, 1.65s/it]
all 71 100 0.971 0.95 0.988 0.642
10 epochs completed in 0.158 hours.
Optimizer stripped from runs/detect/train4/weights/last.pt, 6.2MB
Optimizer stripped from runs/detect/train4/weights/best.pt, 6.2MB
Validating runs/detect/train4/weights/best.pt...
Ultralytics YOLOv8.0.208 🚀 Python-3.11.5 torch-2.1.0 CPU (Apple M1 Pro)
Model summary (fused): 168 layers, 3005843 parameters, 0 gradients, 8.1 GFLOPs
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:07<00:00, 1.60s/it]
all 71 100 0.989 0.931 0.987 0.654
Speed: 0.8ms preprocess, 106.1ms inference, 0.0ms loss, 0.9ms postprocess per image
Results saved to runs/detect/train4
582.6759631633759sec.
GPUで学習(M1 Pro)
Transferred 319/355 items from pretrained weights
Freezing layer 'model.22.dfl.conv.weight'
train: Scanning /Users/tadanori/tmp/yolov8/datasets/cars/labels/train.cache... 284 images, 0 backgrounds, 0 corrupt: 100%|██████████| 284/284 [00:00<?, ?it/s]
val: Scanning /Users/tadanori/tmp/yolov8/datasets/cars/labels/valid.cache... 71 images, 0 backgrounds, 0 corrupt: 100%|██████████| 71/71 [00:00<?, ?it/s]
Plotting labels to runs/detect/train6/labels.jpg...
optimizer: 'optimizer=auto' found, ignoring 'lr0=0.01' and 'momentum=0.937' and determining best 'optimizer', 'lr0' and 'momentum' automatically...
optimizer: AdamW(lr=0.002, momentum=0.9) with parameter groups 57 weight(decay=0.0), 64 weight(decay=0.0005), 63 bias(decay=0.0)
Image sizes 640 train, 640 val
Using 0 dataloader workers
Logging results to runs/detect/train6
Starting training for 10 epochs...
Closing dataloader mosaic
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
1/10 0G 1.337 3.056 1.098 5 640: 100%|██████████| 36/36 [00:27<00:00, 1.30it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:09<00:00, 1.96s/it]
all 71 100 0.00263 0.56 0.0741 0.0188
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
2/10 0G 1.345 2.391 1.098 6 640: 100%|██████████| 36/36 [00:23<00:00, 1.55it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:01<00:00, 3.24it/s]
all 71 100 0.201 0.173 0.0829 0.0309
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
3/10 0G 1.287 2.299 1.064 8 640: 100%|██████████| 36/36 [00:28<00:00, 1.27it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:01<00:00, 3.22it/s]
all 71 100 0.221 0.29 0.106 0.0463
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
4/10 0G 1.273 2.164 1.042 8 640: 100%|██████████| 36/36 [00:28<00:00, 1.26it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:01<00:00, 3.32it/s]
all 71 100 0.229 0.27 0.114 0.0464
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
5/10 0G 1.294 2.094 1.049 8 640: 100%|██████████| 36/36 [00:30<00:00, 1.20it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:02<00:00, 1.96it/s]
all 71 100 0.344 0.289 0.146 0.065
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
6/10 0G 1.201 2.03 1.042 4 640: 100%|██████████| 36/36 [00:31<00:00, 1.14it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:01<00:00, 3.09it/s]
all 71 100 0.269 0.32 0.127 0.0509
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
7/10 0G 1.235 1.865 0.9928 8 640: 100%|██████████| 36/36 [00:29<00:00, 1.21it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:01<00:00, 3.26it/s]
all 71 100 0.276 0.33 0.115 0.0499
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
8/10 0G 1.186 1.749 0.983 4 640: 100%|██████████| 36/36 [00:30<00:00, 1.19it/s]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:01<00:00, 3.05it/s]
all 71 100 0.294 0.31 0.122 0.0532
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
9/10 0G 1.146 1.661 0.9614 4 640: 100%|██████████| 36/36 [00:39<00:00, 1.09s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:01<00:00, 3.04it/s]
all 71 100 0.33 0.33 0.13 0.0595
Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
10/10 0G 1.138 1.64 0.9573 8 640: 100%|██████████| 36/36 [00:39<00:00, 1.09s/it]
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:01<00:00, 3.25it/s]
all 71 100 0.335 0.32 0.129 0.0623
10 epochs completed in 0.094 hours.
Optimizer stripped from runs/detect/train6/weights/last.pt, 6.2MB
Optimizer stripped from runs/detect/train6/weights/best.pt, 6.2MB
Validating runs/detect/train6/weights/best.pt...
Ultralytics YOLOv8.0.208 🚀 Python-3.11.5 torch-2.1.0 MPS (Apple M1 Pro)
Model summary (fused): 168 layers, 3005843 parameters, 0 gradients, 8.1 GFLOPs
Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 5/5 [00:14<00:00, 2.86s/it]
all 71 100 0.343 0.287 0.146 0.0653
Speed: 2.0ms preprocess, 47.9ms inference, 0.0ms loss, 2.1ms postprocess per image
Results saved to runs/detect/train6
372.99035024642944sec.