赞
踩
Miniconda是Anaconda的一个轻量级版本,非常适合用于科学计算和数据处理。
- wget https://repo.anaconda.com/miniconda/Miniconda3-latest-Linux-x86_64.sh
- bash Miniconda3-latest-Linux-x86_64.sh
为YOLOv4创建一个隔离的Python环境,避免依赖冲突。
- conda create -n yolov4 python=3.8.8
- conda activate yolov4
使用以下命令检查PyTorch是否正确安装:
- import torch
- print(torch.cuda.is_available())
- print(torch.cuda.device_count())
- print(torch.version.cuda)
使用清华大学提供的镜像源可以加快包的下载速度。
conda config --add channels https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/free/
pip install -r requirements.txt -i https://pypi.tuna.tsinghua.edu.cn/simple
YOLOv4在Darknet的源代码可以在GitHub上找到,下载地址是https://github.com/AlexeyAB/darknet,数据集的构建与划分请参考官方的文档进行操作。
darknet detector train data/voc2021.data cfg/yolov4.cfg yolov4.conv.137 -map
python prune.py --percent 0.5 --weights ./runs/train/exp20/weights/last.pt --data ./data/VOC.yaml
提高训练效率,缩短训练周期。
python -m torch.distributed.launch --nproc_per_node 4 --master_port 9527 train.py --workers 8 --device 0,1,2,3 --sync-bn --batch-size 128 --data data/voc.yaml --img 640 640 --cfg cfg/training/yolov7.yaml --weights 'weights/yolov7.pt' --name yolov7 --hyp data/hyp.scratch.p5.yaml
对训练好的模型进行效果验证。
python test.py --weights weights/best.pt --data data/voc.yaml --img 640 --conf 0.5 --iou 0.65
WandB(Weights & Biases): 用于模型训练过程中的性能监控和可视化。
- python
- import wandb
- wandb login
Visdom: 另一种数据可视化工具,适合实时数据监控
- conda install visdom -i https://pypi.douban.com/simple/
- python -m visdom.server
Copyright © 2003-2013 www.wpsshop.cn 版权所有,并保留所有权利。