1、TensorFlow安装
TensorFlow的安装,可以使用pip,也可以使用Conda,方法如上,
使用pip直接安装
1)安装CPU版
如计算机没有NVIDIA GPU,或者不需要使用GPU加速,那么安装CPU版本的TensorFlow,
pip install tensorflow
2)安装GPU版(支持CUDA的GPU卡)
如有NVIDIA GPU,并且已经安装了CUDA和cuDNN,那么可以安装GPU版本的TensorFlow。GPU版TensorFlow能够利用GPU加速计算,大大提高模型训练速度。
pip install tensorflow-gpu
通过Conda虚拟环境安装CPU版TensorFlow
1)创建一个新的Conda虚拟环境
conda create -n tensorflow_cpu pip python=3.6
2)激活新创建的虚拟环境
activate tensorflow_cpu
激活后的效果:
(tensorflow_cpu) C:\Users\sglvladi>
3)在虚拟环境中执行安装
pip install --ignore-installed --upgrade tensorflow==1.9
通过Conda虚拟环境安装GPU版TensorFlow
1)创建一个新的Conda虚拟环境
conda create -n tensorflow_gpu pip python=3.6
2)激活新创建的虚拟环境
activate tensorflow_gpu
激活后的效果:
(tensorflow_gpu) C:\Users\sglvladi>
3)在虚拟环境中执行安装
pip install --ignore-installed --upgrade tensorflow-gpu==1.9
2、TensorFlow示例代码
1)创建和训练一个线性回归模型
import tensorflow as tf
import numpy as np
# 生成一些简单的数据
x_train = np.array([1.0, 2.0, 3.0, 4.0], dtype=np.float32)
y_train = np.array([2.0, 4.0, 6.0, 8.0], dtype=np.float32)
# 创建一个简单的线性模型
model = tf.keras.Sequential([tf.keras.layers.Dense(units=1, input_shape=[1])])
# 编译模型,使用均方误差损失函数和SGD优化器
model.compile(optimizer='sgd', loss='mean_squared_error')
# 训练模型
model.fit(x_train, y_train, epochs=500)
# 使用模型进行预测
print(model.predict([5.0]))
2)切换CPU和GPU执行
import tensorflow as tf
# 确保使用GPUwith tf.device('/GPU:0'):
a = tf.constant([[1.0, 2.0, 3.0]])
b = tf.constant([[4.0], [5.0], [6.0]])
c = tf.matmul(a, b)
print(c)
如想强制使用CPU,可以将设备设为/CPU:0
with tf.device('/CPU:0'):
a = tf.constant([[1.0, 2.0, 3.0]])
b = tf.constant([[4.0], [5.0], [6.0]])
c = tf.matmul(a, b)
print(c)