当前位置:网站首页>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不可用,显示如下:


pip uninstall torch
pip uninstall torchvision

$ Python
import torch
torch.__version__ # 打印torch版本
torch.cuda.is_available() # 查看GPU是否可用
DistributedDataParallel而不要再使用老旧的DataParallel方式。

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
边栏推荐
- 【深度学习21天学习挑战赛】2、复杂样本分类识别——卷积神经网络(CNN)服装图像分类
- Linear Regression 02---Boston Housing Price Prediction
- (十)树的基础部分(二)
- oracle的number与postgresql的numeric对比
- 动手学深度学习__数据操作
- TensorFlow2 study notes: 6. Overfitting and underfitting, and their mitigation solutions
- 动手学深度学习_多层感知机
- 光条提取中的连通域筛除
- Learning curve learning_curve function in sklearn
- Qt日常学习
猜你喜欢
RecyclerView的用法
The pipeline mechanism in sklearn
Logistic Regression --- Introduction, API Introduction, Case: Cancer Classification Prediction, Classification Evaluation, and ROC Curve and AUC Metrics
Data reading in yolov3 (1)
Qt日常学习
TensorFlow2学习笔记:4、第一个神经网模型,鸢尾花分类
thymeleaf中 th:href使用笔记
【CV-Learning】Convolutional Neural Network
Simple and clear, the three paradigms of database design
【CV-Learning】卷积神经网络
随机推荐
TensorFlow2 study notes: 8. tf.keras implements linear regression, Income dataset: years of education and income dataset
Learning curve learning_curve function in sklearn
周志华机器学习
【CV-Learning】Image Classification
光条提取中的连通域筛除
剑指 Offer 20226/30
PP-LiteSeg
2020-10-29
latex-写论文时一些常用设置
android基础 [超级详细android存储方式解析(SharedPreferences,SQLite数据库存储)]
[Introduction to go language] 12. Pointer
MAE 论文《Masked Autoencoders Are Scalable Vision Learners》
空洞卷积
(十二)树--哈夫曼树
sklearn中的学习曲线learning_curve函数
光条中心提取方法总结(二)
Linear Regression 02---Boston Housing Price Prediction
(十)树的基础部分(二)
光条中心提取方法总结(一)
(五)栈及其应用