在接下来的这篇文章中,笔者将会以Fashion MNIST数据集为例来介绍如何用Tensorflow实现一个Softmax多分类模型。在这篇文章中,我们会开始慢慢接触到Tensoflow中用于实现分类模型的API,例如tf.nn.softmax()
,softmax_cross_entropy_with_logits_v2
等。
登录后复制
import tensorflow as tfimport numpy as npfrom tensorflow.keras.datasets.fashion_mnist import load_data1.2.3.
正如上一篇文章中说到,tensorflow.keras.datasets
中内置了一些比较常用的数据集,并且Tensorflow在各个数据集中均实现了load_data
这个方法来对数据集进行载入。所以,上面第三行代码的作用就是用来载入fashion_mnist数据集。
def dense_to_one_hot(labels_dense, num_classes=10): num_labels = labels_dense.shape[0] index_offset = np.arange(num_labels) * num_classes labels_one_hot = np.zeros((num_labels, num_classes)) labels_one_hot.flat[index_offset + labels_dense.ravel()] = 1 return labels_one_hot
该函数的作用就是将普通的[0,1,2,3]
类别标签转换为one-hot的编码形式。def load_mnist_data(one_hot=True): (x_train, y_train), (x_test, y_test) = load_data() if one_hot: y_train = dense_to_one_hot(y_train) y_test = dense_to_one_hot(y_test) return x_train / 255., y_train, x_test / 255., y_test
def gen_batch(x, y, batch_size=64): s_index, e_index, batches = 0, 0 + batch_size, len(y) // batch_size if batches * batch_size < len(y): batches += 1 for i in range(batches): if e_index > len(y): e_index = len(y) batch_x = x[s_index:e_index] batch_y = y[s_index: e_index] s_index, e_index = e_index, e_index + batch_size yield batch_x, batch_y
其中第6、7行的代码表示,当计算得到最后一个batch的结束索引大于数据集长度时,则只取到最后一个样本即可,也就是说,最后一个batch的样本数可能没有batch size个。例如100个样本,batch size 为40,那么每个batch的样本数分别为:40,40和20。登录后复制
def forward(x, w, b): f = tf.matmul(x, w) + b return f1.2.3.
登录后复制
def softmax_cross_entropy(labels, logits): soft_logits = tf.nn.softmax(logits)
soft_logits = tf.clip_by_value(soft_logits, 0.000001, 0.999999)
cross_entropy = -tf.reduce_sum(labels * tf.log(soft_logits), axis=1) return cross_entropy1.2.3.4.5.
tf.nn.softmax()
的作用为实现softmax操作的,但有一点值得要说的就是.softmax(dim=-1)
中的参数dim
。dim
的默认值是-1,也就是默认将对最后一个维度进行softmax操作。例如在现在这个分类任务中,最后得到logits
的维度为[n_samples,n_class]
,并且我们也的确需要在最后一个维度(每一行)进行softmax操作,因此我们也就没有传入dim
的值。可需要我们注意的是,不是所有情况下我们需要进行softmax操作的维度都是最后一个,所有应该要根据实际情况通过dim
进行指定。
tf.clip_by_value()
的作用是对传入值按范围进行裁剪。例如上面第三行代码的作用就是将soft_logits
的值限定在[0.000001,0.999999]
中,当小于或者大于边界值时,将会强制设定为对于边界值。
tf.log()
表示取自然对数,即 y = log e x y = \log_e x y=logex。同时,倒数第二行代码则是用来计算所有样本的交叉熵损失。当然,这个softmax_cross_entropy
这个函数的功能tensorflow也已经帮我们实现好了,在下一篇文章中我们会对其进行介绍。
登录后复制
def train(x_train, y_train, x_test, y_test): learning_rate = 0.005 epochs = 10 batch_size = 256
n = 784 num_class = 10 x = tf.placeholder(dtype=tf.float32, shape=[None, n], name='input_x')
y = tf.placeholder(dtype=tf.float32, shape=[None, num_class], name="input_y")
w = tf.Variable(tf.truncated_normal(shape=[n, num_class],
mean=0, stddev=0.1, dtype=tf.float32))
b = tf.Variable(tf.constant(0, dtype=tf.float32, shape=[num_class])) y_pred = forward(x, w, b)
cross_entropy = softmax_cross_entropy(y, y_pred) loss = tf.reduce_mean(cross_entropy)
train_op = tf.train.AdamOptimizer(learning_rate).minimize(loss)
correct_prediction = tf.equal(tf.argmax(y_pred, axis=1), tf.argmax(y, axis=1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))1.2.3.4.5.6.7.8.9.10.11.12.13.14.15.
16.17.18.19.
由于代码稍微有点长,为了排版美观就分成了定义模型和训练模型来进行介绍,其实两者都在一个函数中。上面代码中,前面大部分都是我们在上一篇文章中说过的,在这里就不再赘述。其中倒数第5、6行代码计算得到交叉熵损失值;tf.train.AdamOptimizer()
为基于梯度下降算法改进的另外一种考虑到动量的优化器。
倒数第二行则用来计算预测正确和错误的样本,其中tf.argmax()
的作用为取概率值最大所对应的索引(即类标)。例如tf.argmax([0.2,0.5,0.3])
的结果为0.5所对应的下标,类似的还有tf.argmin()
。tf.equal()
则用来判断两个输入是否相等的情况,例如tf.equal([0,5,3,6,1],[0,5,3,1,1])
的结果为[True,True,True,False,True]
。
最后一行代码则是用来计算预测的准确率,其中tf.cast()
表示进行类型转换,即可以将True
转换为1,False
转换为0,这样就可以通过计算平均值得到准确率。
登录后复制
with tf.Session() as sess: sess.run(tf.global_variables_initializer()) for epoch in range(epochs):
for step, (batch_x, batch_y) in enumerate(gen_batch(x_train, y_train,
batch_size=batch_size)): batch_x = batch_x.reshape(len(batch_y), -1)
feed_dict = {x: batch_x, y: batch_y} l, acc, _ = sess.run([loss, accuracy, train_op],
feed_dict=feed_dict) if step % 100 == 0:
print("Epochs{}/{}--Batches{}/{}--loss on train:{:.4}--acc: {:.4}".
format(epoch, epochs, step, len(x_train) // batch_size, l, acc)) if epoch % 2 == 0:
total_correct = 0 for batch_x, batch_y in gen_batch(x_test, y_test, batch_size):
batch_x = batch_x.reshape(len(batch_y), -1) feed_dict = {x: batch_x, y: batch_y}
c = sess.run(correct_prediction, feed_dict=feed_dict) total_correct += np.sum(c * 1.)
print("Epochs[{}/{}]---acc on test: {:.4}".
format(epoch, epochs, total_correct / len(y_test)))1.2.3.4.5.6.7.8.9.10.11.12.13.14.15.16.17.18.19.
这部分代码仍旧是函数train()
中的代码,可以发现里面大部分的知识点我们上一篇文章中已经做过介绍了。这里稍微需要说一下的就是在本示例中,每个epoch喂入的数据并不是全部样本,而是分batch进行输入。其次是在测试集上计算准确率时,我们先是得到了所有batch中预测正确的样本数量,然后除以总数得到准确率的。最后需要注意的是,在sess.run()
中如果是计算多个节点的值,则传入的应该是一个list(例如上面代码第七行);如果仅仅只是计算一个节点的值,则传入改节点即可(例如上面代码倒数第四行)。
登录后复制
Epochs[0/10]---Batches[0/234]---loss on train:3.253---acc: 0.07031Epochs[0/10]---Batches[100/234]---
loss on train:0.5581---acc: 0.7891Epochs[0/10]---Batches[200/234]---loss on train:0.5026---
acc: 0.8359Epochs[0/10]---acc on test: 0.8149Epochs[1/10]---Batches[0/234]---loss on train:0.4793---
acc: 0.8555Epochs[1/10]---Batches[100/234]---loss on train:0.4411---acc: 0.8281Epochs[1/10]---
Batches[200/234]---loss on train:0.444---acc: 0.8672Epochs[2/10]---Batches[0/234]---loss on train:0.4289---
acc: 0.8789Epochs[2/10]---Batches[100/234]---loss on train:0.4132---acc: 0.8398Epochs[2/10]---
Batches[200/234]---loss on train:0.421---acc: 0.8672Epochs[2/10]---acc on test: 0.83351.2.3.4.5.6.7.8.9.10.11.
在这篇文章中,笔者首先介绍了如何定义Softmax回归的正向传播以及如何计算得到交叉熵损失函数;然后介绍了如何定义模型中的参数以及准确率的计算等。并同时依次介绍了Tensorflow中所涉及到的各个API,例如tf.nn.softmax()
,tf.clip_by_value()
和tf.equal()
等。
本次内容就到此结束,感谢您的阅读!青山不改,绿水长流,我们月来客栈见!
免责声明:本文系网络转载或改编,未找到原创作者,版权归原作者所有。如涉及版权,请联系删