一些常用的版本查询方式

Cuda版本查询

方法一、用bash命令查看

nvcc --version

自己的版本:

(base) xiaochen@duanjz:~$ nvcc --version
nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2020 NVIDIA Corporation
Built on Tue_Sep_15_19:10:02_PDT_2020
Cuda compilation tools, release 11.1, V11.1.74
Build cuda_11.1.TC455_06.29069683_0

方法二、用pytorch查看

import torch
torch.version.cuda

cudnn版本查询

方法一、用bash命令查看

dpkg -l | grep cudnn

自己的版本:

(base) xiaochen@duanjz:~$ dpkg -l | grep cudnn
ii  libcudnn8                                  8.2.0.53-1+cuda11.3                              amd64        cuDNN runtime libraries
ii  libcudnn8-dev                              8.2.0.53-1+cuda11.3                              amd64        cuDNN development libraries and headers
ii  libcudnn8-samples                          8.2.0.53-1+cuda11.3                              amd64        cuDNN documents and samples

方法二、用pytorch查看

import torch
torch.backends.cudnn.version()

tensorflow版本查询

import tensorflow as tf
tf.__version__

自己的版本:

#环境tensorflow
Python 3.7.11 (default, Jul 27 2021, 14:32:16)
[GCC 7.5.0] :: Anaconda, Inc. on linux
Type "help", "copyright", "credits" or "license" for more information.
>>> import tensorflow as tf
>>> tf.__version__
'2.8.0'
>>>

#环境tensorflow-V1
Python 3.7.13 (default, Mar 29 2022, 02:18:16) 
[GCC 7.5.0] :: Anaconda, Inc. on linux
Type "help", "copyright", "credits" or "license" for more information.
>>> import tensorflow as tf
>>> tf.__version__
'1.14.0'
>>> 

pytorch版本查询

import torch
torch.__version__

自己的版本:

Python 3.7.10 (default, Feb 26 2021, 18:47:35)
[GCC 7.3.0] :: Anaconda, Inc. on linux
Type "help", "copyright", "credits" or "license" for more information.
>>> import torch
>>> torch.__version__
'1.8.1'
>>>

numpy版本查询

pip show numpy

自己的版本

#环境tensorflow(tensorflow2.8.0)下的numpy版本
Name: numpy
Version: 1.21.5
Summary: NumPy is the fundamental package for array computing with Python.
Home-page: https://www.numpy.org
Author: Travis E. Oliphant et al.
Author-email:
License: BSD
Location: /home/xiaochen/anaconda3/envs/tensorflow/lib/python3.7/site-packages
Requires:
Required-by: tifffile, tensorflow, tensorboard, scipy, scikit-learn, scikit-image, PyWavelets, opt-einsum, matplotlib, Keras-Preprocessing, imageio, h5py

#环境tensorflow-V1(tensorflow1.14.0)下的numpy版本
Name: numpy
Version: 1.16.0
Summary: NumPy is the fundamental package for array computing with Python.
Home-page: https://www.numpy.org
Author: Travis E. Oliphant et al.
Author-email: 
License: BSD
Location: /home/xiaochen/anaconda3/envs/tensorflow-V1/lib/python3.7/site-packages
Requires: 
Required-by: tensorflow-gpu, tensorboard, Keras-Preprocessing, Keras-Applications, h5py

#环境pytorch下的numpy版本
Name: numpy
Version: 1.20.1
Summary: NumPy is the fundamental package for array computing with Python.
Home-page: https://www.numpy.org
Author: Travis E. Oliphant et al.
Author-email: None
License: BSD
Location: /home/xiaochen/anaconda3/envs/pytorch/lib/python3.7/site-packages
Requires:
Required-by: torchvision, torch, scipy, mkl-random, mkl-fft, matplotlib, h5py

一些版本对应关系

cuda历史版本下载
cudnn历史版本下载以及cudnn与cuda的版本对应

pytorch与python版本对应关系,来源pytorch官方GitHub
pytorch与cuda版本对应,pytorch官网安装时有写

tensoflow与cuda、cudnn的对应关系(进入网站后点击左侧Linux/macOS,往下滑就能看见列表)
tensorflow与numpy版本对应关系

  • 0
    点赞
  • 1
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值