win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法


Posted in Servers onJune 25, 2022

避坑1:RTX30系列显卡不支持cuda11.0以下版本,具体上限版本可自行查阅:

方法一,在cmd中输入nvidia-smi查看

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

方法二:

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

由此可以看出本电脑最高适配cuda11.2.1版本;

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

注意需要版本适配,这里我们选择TensorFlow-gpu = 2.5,cuda=11.2.1,cudnn=8.1,python3.7

接下来可以下载cudn和cundnn:

官网:https://developer.nvidia.com/cuda-toolkit-archive

 下载对应版本exe文件打开默认安装就可;

验证是否安装成功:

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

官网:cuDNN Archive | NVIDIA Developer

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

把下载文件进行解压把bin+lib+include文件复制到C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.2文件下;

进入环境变量设置(cuda会自动设置,如果没有的补全):

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

查看是否安装成功:

cd C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.2\extras\demo_suite
bandwidthTest.exe

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

 安装tensorflow-gpu:

pip install tensorflow-gpu==2.5

最后我们找相关程序来验证一下:

第一步:

import tensorflow as tf
print(tf.__version__)
print('GPU', tf.test.is_gpu_available())

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

第二步:

# _*_ coding=utf-8 _*_
'''
@author: crazy jums
@time: 2021-01-24 20:55
@desc: 添加描述
'''
# 指定GPU训练
import os
os.environ["CUDA_VISIBLE_DEVICES"]="0"  ##表示使用GPU编号为0的GPU进行计算
import numpy as np
from tensorflow.keras.models import Sequential  # 采用贯序模型
from tensorflow.keras.layers import Dense, Dropout, Conv2D, MaxPool2D, Flatten
from tensorflow.keras.datasets import mnist
from tensorflow.keras.utils import to_categorical
from tensorflow.keras.callbacks import TensorBoard
import time
def create_model():
    model = Sequential()
    model.add(Conv2D(32, (5, 5), activation='relu', input_shape=[28, 28, 1]))  # 第一卷积层
    model.add(Conv2D(64, (5, 5), activation='relu'))  # 第二卷积层
    model.add(MaxPool2D(pool_size=(2, 2)))  # 池化层
    model.add(Flatten())  # 平铺层
    model.add(Dropout(0.5))
    model.add(Dense(128, activation='relu'))
    model.add(Dropout(0.5))
    model.add(Dense(10, activation='softmax'))
    return model
def compile_model(model):
    model.compile(loss='categorical_crossentropy', optimizer="adam", metrics=['acc'])
    return model
def train_model(model, x_train, y_train, batch_size=32, epochs=10):
    tbCallBack = TensorBoard(log_dir="model", histogram_freq=1, write_grads=True)
    history = model.fit(x_train, y_train, batch_size=batch_size, epochs=epochs, shuffle=True, verbose=2,
                        validation_split=0.2, callbacks=[tbCallBack])
    return history, model
if __name__ == "__main__":
    import tensorflow as tf
    print(tf.__version__)
    from tensorflow.python.client import device_lib
    print(device_lib.list_local_devices())
    (x_train, y_train), (x_test, y_test) = mnist.load_data()  # mnist的数据我自己已经下载好了的
    print(np.shape(x_train), np.shape(y_train), np.shape(x_test), np.shape(y_test))
    x_train = np.expand_dims(x_train, axis=3)
    x_test = np.expand_dims(x_test, axis=3)
    y_train = to_categorical(y_train, num_classes=10)
    y_test = to_categorical(y_test, num_classes=10)
    print(np.shape(x_train), np.shape(y_train), np.shape(x_test), np.shape(y_test))
    model = create_model()
    model = compile_model(model)
    print("start training")
    ts = time.time()
    history, model = train_model(model, x_train, y_train, epochs=2)
    print("start training", time.time() - ts)

win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的方法

验证成功。

以上就是win10+RTX3050ti+TensorFlow+cudn+cudnn配置深度学习环境的详细内容,更多关于win10+RTX3050ti+TensorFlow+cudn+cudnn深度学习的资料请关注三水点靠木其它相关文章!


Tags in this post...

Servers 相关文章推荐
Nginx URL重写rewrite机制原理及使用实例
Apr 01 Servers
Nginx禁止ip访问或非法域名访问
Apr 07 Servers
Nginx+Tomcat负载均衡多实例详解
Apr 11 Servers
Tomcat弱口令复现及利用
May 06 Servers
tomcat正常启动但网页却无法访问的几种解决方法
May 06 Servers
nginx 配置缓存
May 11 Servers
shell进度条追踪指令执行时间的场景分析
Jun 16 Servers
GPU服务器的多用户配置方法
Jul 07 Servers
nginx访问报403错误的几种情况详解
Jul 23 Servers
Nginx跨域问题解析与解决
Aug 05 Servers
ssh服务器拒绝了密码 请再试一次已解决(亲测有效)
Aug 14 Servers
nginx配置指令之server_name的具体使用
Aug 14 Servers
git stash(储藏)的用法总结
Jun 25 #Servers
git中cherry-pick命令的使用教程
Jun 25 #Servers
解决Git推送错误non-fast-forward的方法
Jun 25 #Servers
Win2008系统搭建DHCP服务器
windows server2008 开启端口的实现方法
Windows10安装Apache2.4的方法步骤
Linux下搭建SFTP服务器的命令详解
Jun 25 #Servers
You might like
PHP遍历数组的几种方法
2012/03/22 PHP
destoon二次开发入门示例
2014/06/20 PHP
php实现的数字验证码及数字运算验证码
2015/07/30 PHP
phpcms配置列表页以及获得文章发布时间
2017/07/04 PHP
PHP实现动态删除XML数据的方法示例
2018/03/30 PHP
JS中style属性
2006/10/11 Javascript
阻止JavaScript事件冒泡传递(cancelBubble 、stopPropagation)
2007/05/08 Javascript
再谈javascript面向对象编程
2012/03/18 Javascript
可自己添加html的伪弹出框实现代码
2013/09/08 Javascript
JavaScript Serializer序列化时间处理示例
2014/07/31 Javascript
js学习阶段总结(必看篇)
2016/06/16 Javascript
JavaScript-html标题滚动效果的简单实现
2016/09/08 Javascript
Javascript 闭包详解及实例代码
2016/11/30 Javascript
Angularjs中使用layDate日期控件示例
2017/01/11 Javascript
你可能不知道的前端算法之文字避让(inMap)
2018/01/12 Javascript
vue父组件点击触发子组件事件的实例讲解
2018/02/08 Javascript
element vue validate验证名称重复 输入框与后台重复验证 特殊字符 字符长度 及注意事项小结【实例代码】
2018/11/20 Javascript
Python中用memcached来减少数据库查询次数的教程
2015/04/07 Python
python调用fortran模块
2016/04/08 Python
利用Python获取操作系统信息实例
2016/09/02 Python
Python编程使用NLTK进行自然语言处理详解
2017/11/16 Python
Python实现的三层BP神经网络算法示例
2018/02/07 Python
windows7 32、64位下python爬虫框架scrapy环境的搭建方法
2018/11/29 Python
numpy.linspace函数具体使用详解
2019/05/27 Python
django之使用celery-把耗时程序放到celery里面执行的方法
2019/07/12 Python
基于TensorFlow中自定义梯度的2种方式
2020/02/04 Python
鼠标滚轮事件和Mac触控板双指事件
2019/12/23 HTML / CSS
波兰运动鞋网上商店:e-Sporting
2018/02/16 全球购物
什么是会话Bean
2015/05/14 面试题
微笑服务演讲稿
2014/05/13 职场文书
计划生育证明书写要求
2014/09/17 职场文书
公司庆典欢迎词
2015/01/26 职场文书
共青团员自我评价
2015/03/10 职场文书
捐书仪式主持词
2015/07/04 职场文书
2016年大学生寒假社会实践心得体会
2015/10/09 职场文书
Node实现搜索框进行模糊查询
2021/06/28 Javascript