📅  最后修改于: 2023-12-03 15:22:21.057000             🧑  作者: Mango
使用TensorFlow进行Softmax回归
Softmax回归是一种多分类模型,它把多个分类结果转化为各个分类的概率值。本文将介绍如何在TensorFlow中使用Softmax回归。
我们使用MNIST数据集作为示例数据。MNIST数据集中包含60000张训练图像和10000张测试图像,每张图像28x28像素。我们使用TensorFlow中的input_data模块来下载数据集。
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data
mnist = input_data.read_data_sets('MNIST_data', one_hot=True)
接下来,我们需要构建Softmax回归模型。在TensorFlow中,我们可以使用tf.placeholder来定义输入数据的占位符,使用tf.Variable来定义模型的参数。为了方便,我们将输入的28x28像素的图像展开成一维向量,其长度为784。
x = tf.placeholder(tf.float32, [None, 784])
W = tf.Variable(tf.zeros([784, 10]))
b = tf.Variable(tf.zeros([10]))
y = tf.nn.softmax(tf.matmul(x, W) + b)
接下来,我们需要定义损失函数。我们使用交叉熵作为损失函数。交叉熵刻画了模型预测的概率分布和真实标签的概率分布之间的差异。
y_ = tf.placeholder(tf.float32, [None, 10])
cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(y), reduction_indices=[1]))
有了模型和损失函数,我们需要定义一个优化算法来训练模型。我们使用梯度下降算法作为优化算法,学习率为0.5。
train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy)
最后,我们需要评估模型的准确率。我们使用tf.argmax来获取模型预测的分类结果,使用tf.equal来判断预测结果和真实标签是否相等,从而得到准确率。
correct_prediction = tf.equal(tf.argmax(y,1), tf.argmax(y_,1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
有了模型和优化算法,我们就可以开始训练模型了。为了方便,我们使用批量随机梯度下降算法,每次训练使用100个样本。
sess = tf.InteractiveSession()
tf.global_variables_initializer().run()
for i in range(1000):
batch_xs, batch_ys = mnist.train.next_batch(100)
sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})
print("Accuracy:", sess.run(accuracy, feed_dict={x: mnist.test.images, y_: mnist.test.labels}))
完整代码如下:
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data
mnist = input_data.read_data_sets('MNIST_data', one_hot=True)
x = tf.placeholder(tf.float32, [None, 784])
W = tf.Variable(tf.zeros([784, 10]))
b = tf.Variable(tf.zeros([10]))
y = tf.nn.softmax(tf.matmul(x, W) + b)
y_ = tf.placeholder(tf.float32, [None, 10])
cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(y), reduction_indices=[1]))
train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy)
correct_prediction = tf.equal(tf.argmax(y,1), tf.argmax(y_,1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
sess = tf.InteractiveSession()
tf.global_variables_initializer().run()
for i in range(1000):
batch_xs, batch_ys = mnist.train.next_batch(100)
sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})
print("Accuracy:", sess.run(accuracy, feed_dict={x: mnist.test.images, y_: mnist.test.labels}))
参考文献: