当前位置:网站首页>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
边栏推荐
- Jupyter Notebook安装库;ModuleNotFoundError: No module named ‘plotly‘解决方案。
- JPEG2jpg
- (十一)树--堆排序
- 双重指针的使用
- Data reading in yolov3 (1)
- 读研碎碎念
- WARNING: sql version 9.2, server version 11.0. Some psql features might not work.
- 【深度学习21天学习挑战赛】备忘篇:我们的神经网模型到底长啥样?——model.summary()详解
- Android foundation [Super detailed android storage method analysis (SharedPreferences, SQLite database storage)]
- TensorFlow2学习笔记:4、第一个神经网模型,鸢尾花分类
猜你喜欢
Image-Adaptive YOLO for Object Detection in Adverse Weather Conditions
The pipeline mechanism in sklearn
Th in thymeleaf: href use notes
Usage of RecyclerView
(十四)平衡二叉树
光条提取中的连通域筛除
TensorFlow2 study notes: 5. Common activation functions
【go语言入门笔记】12、指针
TensorFlow2学习笔记:6、过拟合和欠拟合,及其缓解方案
Data reading in yolov3 (1)
随机推荐
线性回归简介01---API使用案例
Jupyter Notebook installed library;ModuleNotFoundError: No module named 'plotly' solution.
Deep Adversarial Decomposition: A Unified Framework for Separating Superimposed Images
Pytorch语义分割理解
SQL练习 2022/7/2
空洞卷积
android基础 [超级详细android存储方式解析(SharedPreferences,SQLite数据库存储)]
SQL练习 2022/7/5
[CV-Learning] Convolutional Neural Network Preliminary Knowledge
【CV-Learning】卷积神经网络预备知识
sklearn中的pipeline机制
TensorFlow2 study notes: 7. Optimizer
[Deep Learning 21 Days Learning Challenge] Memo: What does our neural network model look like? - detailed explanation of model.summary()
TensorFlow2 study notes: 4. The first neural network model, iris classification
BatchNorm&&LayerNorm
(十一)树--堆排序
视图、存储过程、触发器
[Go language entry notes] 13. Structure (struct)
MySQL最左前缀原则【我看懂了hh】
latex-写论文时一些常用设置