当前位置:网站首页>yoloV5 使用——训练速度慢,加速训练
yoloV5 使用——训练速度慢,加速训练
2022-08-04 05:29:00 【TigerZ*】
conda create --name yolov5 python=3.8
conda activate yolov5 # linux下
2、进入conda环境后,按照官方的程序下载源码和安装依赖
$ git clone https://github.com/ultralytics/yolov5
$ cd yolov5
$ pip install -r requirements.txt
$ Python
import torch
torch.__version__ # 打印torch版本
torch.cuda.is_available() # 查看GPU是否可用
4、如果GPU不可用,显示如下:
data:image/s3,"s3://crabby-images/a65a6/a65a689b1e298556062304544f798a108383715a" alt=""
data:image/s3,"s3://crabby-images/e4037/e40377de32193b6211a800c22772c8a356ee2bad" alt=""
pip uninstall torch
pip uninstall torchvision
data:image/s3,"s3://crabby-images/f7964/f79640d22e013286430c3572d63a414214f31d11" alt=""
$ Python
import torch
torch.__version__ # 打印torch版本
torch.cuda.is_available() # 查看GPU是否可用
DistributedDataParallel而不要再使用老旧的DataParallel方式。
data:image/s3,"s3://crabby-images/a2878/a2878b43d73b34be06a361fb78c97b8a1e223bdb" alt=""
python -m torch.distributed.launch --nproc_per_node 4 train.py --epochs 100 --batch 128 --data ./data/contraband_rmrb.yaml --weights ./yolov5l.pt --device 0,1,2,3
边栏推荐
猜你喜欢
【go语言入门笔记】13、 结构体(struct)
Image-Adaptive YOLO for Object Detection in Adverse Weather Conditions
[CV-Learning] Semantic Segmentation
Lee‘s way of Deep Learning 深度学习笔记
逻辑回归---简介、API简介、案例:癌症分类预测、分类评估法以及ROC曲线和AUC指标
【CV-Learning】目标检测&实例分割
图像形变(插值方法)
Dictionary feature extraction, text feature extraction.
TensorFlow2 study notes: 4. The first neural network model, iris classification
[Deep Learning 21 Days Learning Challenge] 1. My handwriting was successfully recognized by the model - CNN implements mnist handwritten digit recognition model study notes
随机推荐
pgsql函数中的return类型
Image-Adaptive YOLO for Object Detection in Adverse Weather Conditions
【深度学习21天学习挑战赛】2、复杂样本分类识别——卷积神经网络(CNN)服装图像分类
Introduction of linear regression 01 - API use cases
(六)递归
(十一)树--堆排序
【深度学习21天学习挑战赛】备忘篇:我们的神经网模型到底长啥样?——model.summary()详解
动手学深度学习_多层感知机
(TensorFlow)——tf.variable_scope和tf.name_scope详解
【go语言入门笔记】13、 结构体(struct)
SQL练习 2022/6/30
JPEG2jpg
ValueError: Expected 96 from C header, got 88 from PyObject
彻底搞懂箱形图分析
The difference between oracle temporary table and pg temporary table
Linear Regression 02---Boston Housing Price Prediction
光条中心提取方法总结(一)
Deep Adversarial Decomposition: A Unified Framework for Separating Superimposed Images
Androd Day02
Install dlib step pit record, error: WARNING: pip is configured with locations that require TLS/SSL