TensorFlow安装并在Pycharm搭建环境

Posted Zachery.

tags:

篇首语:本文由小常识网(cha138.com)小编为大家整理,主要介绍了TensorFlow安装并在Pycharm搭建环境相关的知识,希望对你有一定的参考价值。

Anaconda安装:

anaconda官方下载地址 https://www.anaconda.com/products/individualhttps://www.anaconda.com/products/individual

注意:此处要勾选第一项Add Anaconda3 to my PATH environment variable


TensorFlow安装:

1、打开Anaconda Prompt

2、在Anaconda Prompt中输入

conda create -n tensorflow1 python=3.8

此命令表示:新建一个名叫tensorflow1的环境,使用python3.8版本

注:此处tensorflow1可以根据自己的想法随意命名,本文使用tensorflow1。

python版本可以根据自己安装的python版本来修改

3、等待电脑配置一会,出现Proceed([y]/n)?  输入y,按下回车

4、输入以下命令,进入tensorflow1环境

conda activate tensorflow1

5、输入以下命令,安装英伟达的SDK10.1版本

conda install cudatoolkit=10.1

 出现以上界面,输入y,安装相关软件包

6、输入以下命令,安装英伟达深度学习软件包7.6版本

conda install cudnn=7.6

若出现以上界面,输入y,安装相关软件包

注:如果上面两条安装语句报错了,大概率是因为使用的电脑不支持英伟达GPU,则可以跳过这两步,直接安装tensorflow。

7、使用以下语句,安装tensorflow

pip install tensorflow==2.1

若得到上图说明安装2.1版本的tensorflow出错

按照ERROR部分的提示可知,可以安装2.2版本(根据提示换个版本

则再一次输入新的命令如下:

pip install tensorflow==2.2

出现以上,则等待安装完成即可

出现上图则安装完成


验证TensorFlow是否安装成功:

1、输入python,进入python

python

得到如下

2、输入以下命令调用tensorflow模块

import tensorflow as tf

得到如下结果:

3、输入如下命令查看版本

tf.__version__

显示如下结果(2.2安装版本):则证明TensorFlow安装成功


Pycharm环境配置

1、如果点击文件>点击设置

2、点击项目:Pycharm Project>点击Python解释器

3、选择好项目文件夹>选择刚刚新建好的tensorflow1环境中的python作为解释器>点击确认

完成以上所有步骤,开发环境就安装完成了!

欢迎大家在评论区交流分享!

求赞QAQ

CNN入门mnist数据集运行环境搭建(安装Python,Pycharm,Anaconda,Tensorflow,CNN代码)

安装环境运行大致步骤:

  1. Python安装:选择3.8,安装教程具体可查看:https://blog.csdn.net/liming89/article/details/109632064?ops_request_misc=&request_id=&biz_id=102&utm_term=pycharm%E5%AE%89%E8%A3%85%E6%95%99%E7%A8%8B&utm_medium=distribute.pc_search_result.none-task-blog-2allsobaiduweb~default-7-.pc_search_result_before_js&spm=1018.2226.3001.4187
    下载官网:https://www.python.org/downloads/

  1. Pycharm 编辑器下载安装:下载官网:
    https://www.jetbrains.com/pycharm/download/#section=windows
    安装教程与Python安装教程在一起

  2. 环境变量配置:配置教程:
    https://www.cnblogs.com/huangbiquan/p/7784533.html

  3. 安装Anaconda:选择Anaconda3,安装教程具体可查看:
    https://blog.csdn.net/u010210864/article/details/94580873
    下载官网:https://www.anaconda.com/products/individual

  4. 按步骤4教程安装Tensorflow:

  5. 试运行CNN训练mnist数据集的代码

# -*- coding: utf-8 -*-
# 使用卷积神经网络训练mnist数据集
import gzip

from tensorflow.keras.datasets import mnist
from tensorflow.keras.utils import to_categorical
import tensorflow as tf
from tensorflow.keras.layers import Input, Dense, Conv2D, MaxPooling2D, Flatten, Reshape
import numpy as np
from sklearn.metrics import classification_report
import datetime

'''
# 装载数据集(从网上下载)
(train_images, train_labels), (test_images, test_labels) = mnist.load_data()
'''


# 装载数据集(本地导入)
def load_data():
    path = r"E:\\PythonProject\\CNN\\MNIST_data\\mnist.npz"
    f = np.load(path)
    train_images, train_labels = f['x_train'], f['y_train']
    test_images, test_labels = f['x_test'], f['y_test']
    f.close()
    return (train_images, train_labels), (test_images, test_labels)


def load_data1():
    path = "E:\\\\PythonProject\\\\CNN\\\\MNIST_data\\\\"
    files = [path + 'train-images-idx3-ubyte.gz', path + 'train-labels-idx1-ubyte.gz',
             path + 't10k-images-idx3-ubyte.gz', path + 't10k-labels-idx1-ubyte.gz']
    # print(file)
    with gzip.open(files[0], 'rb') as ip:
    
    # 6万张训练图片
        train_images = np.frombuffer(ip.read(), np.uint8, offset=16)
        train_images = train_images.reshape(60000, 28, 28)

    with gzip.open(files[1], 'rb') as lp:
        train_labels = np.frombuffer(lp.read(), np.uint8, offset=8)

    with gzip.open(files[2], 'rb') as ip2:
     # 1万张测试图片
        test_images = np.frombuffer(ip2.read(), np.uint8, offset=16)
        test_images = test_images.reshape(10000, 28, 28)

    with gzip.open(files[3], 'rb') as lp2:
        test_labels = np.frombuffer(lp2.read(), np.uint8, offset=8)

    # print(train_image)
    return (train_images, train_labels), (test_images, test_labels)

if __name__ == '__main__':

    # (train_images, train_labels), (test_images, test_labels) = load_data()
    # print(len(train_labels))
    (train_images, train_labels), (test_images, test_labels) = load_data1()
    print(len(train_labels))

    # 数据预处理
    train_images = train_images.reshape((len(train_images), 28, 28, 1))
    #此处采用float32是权衡了时间何空间开销,float64精度高,但数据集会大大占用消耗的内存, 像素值映射到 0 - 1 之间
    train_images = train_images.astype('float32')/255
    
    test_images = test_images.reshape((len(test_images), 28, 28, 1))
    test_images = test_images.astype('float32')/255
    
    train_labels = to_categorical(train_labels)     # one-hot编码
    test_labels = to_categorical(test_labels)
    
    # 添加模型
    model1 = tf.keras.models.Sequential()

    #第1层卷积,卷积核大小为3*3,32个,28*28为待训练图片的大小
    model1.add(Conv2D(32, (3, 3), activation='relu', input_shape=(28, 28, 1)))
    model1.add(MaxPooling2D((2, 2)))

    # 第2层卷积,卷积核大小为3*3,64个,激活函数relu
    model1.add(Conv2D(64, (3, 3), activation='relu'))
    model1.add(MaxPooling2D((2, 2)))

    # 第3层卷积,卷积核大小为3*3,64个
    model1.add(Conv2D(64, (3, 3), activation='relu'))
    
    # 添加分类器
    model1.add(Flatten())
    model1.add(Dense(64, activation='relu'))
    model1.add(Dense(10, activation='softmax'))
    
    # 模型编译
    model1.compile(optimizer='rmsprop', loss='categorical_crossentropy', metrics=['accuracy'])
    
    # 保存模型数据到.\\results\\tb_results\\路径下
    log_dir = '.\\\\results\\\\tb_results\\\\' + datetime.datetime.now().strftime("%Y%m%d-%H%M%S")
    tensorboard_callback = tf.keras.callbacks.TensorBoard(log_dir=log_dir, histogram_freq=1)
    # 训练模型
    model1.fit(train_images, train_labels, epochs=5, batch_size=128, callbacks=([tensorboard_callback]))
    
    
    # 在测试集上对模型进行评估
    test_loss, test_acc = model1.evaluate(test_images, test_labels)
    print(test_loss, test_acc)
    # print(model1.summary())


以上是关于TensorFlow安装并在Pycharm搭建环境的主要内容,如果未能解决你的问题,请参考以下文章

CNN入门mnist数据集运行环境搭建(安装Python,Pycharm,Anaconda,Tensorflow,CNN代码)

Windows搭建Pytorch环境(GPU版本,含CUDAcuDNN),并在Pycharm上使用(零基础小白向)

PyCharm下配置PyQt,TensorFlow等环境

tensorflow环境下安装Python包

Anaconda环境下搭建tensorflow

Anaconda环境下搭建tensorflow