import tensorflow as tf
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
%matplotlib inline
#输入训练数据集和测试数据集
(train_image,train_label),(test_image,test_label)=tf.keras.datasets.fashion_mnist.load_data()
train_image.shape #查看训练图像数据集的形状
plt.imshow(train_image[0]) #使用matplotlib.pyplot显示训练数据集中第一张图片
train_label_onehot=tf.keras.utils.to_categorical(train_label)#将训练数据标签变成one-hot类型
test_label_onehot=tf.keras.utils.to_categorical(test_label) #将测试数据标签变成one-hot类型
train_image=train_image/255 #图片归一化,将图片数据从[0,255]转换成[0,1]
test_image=test_image/255
model=tf.keras.Sequential()
#将输入的28*28的图片矩阵打平,变成1*784
model.add(tf.keras.layers.Flatten(input_shape=(28,28)))
model.add(tf.keras.layers.Dense(128,activation='relu'))
#添加Droput层,神经元丢弃比例为0.5
model.add(tf.keras.layers.Dropout(0.5))
model.add(tf.keras.layers.Dense(128,activation='relu'))
model.add(tf.keras.layers.Dropout(0.5))
#输出为10分类,激活函数使用softmax
model.add(tf.keras.layers.Dense(10,activation='softmax'))
model.summary()
#不使用one-hot类型标签时的loss选用sparse_categorical_crossentropy
# model.compile(optimizer='adam',
# loss='sparse_categorical_crossentropy',
# metrics=['acc'])
model.compile(optimizer='adam',
loss='categorical_crossentropy',
metrics=['acc'])#使用one_hot编码的损失函数
history=model.fit(train_image,
train_label_onehot,
epochs=5,
validation_data=(test_image,test_label_onehot))
model.evaluate(test_image,test_label_onehot) #评估测试数据的loss和acc
predict=model.predict(test_image) #对所用测试数据进行预测结果
np.argmax(predict[0]) #因为输出的是one-hot形状,标签应为向量中最大值
np.argmax(test_label_onehot[0]) #输出原始数据标签
#绘制loss和acc的变化图
plt.plot(history.epoch,history.history.get('loss'),label='loss')
plt.plot(history.epoch,history.history.get('val_loss'),label='val_loss')
plt.legend()
plt.plot(history.epoch,history.history.get('acc'),label='acc')
plt.plot(history.epoch,history.history.get('val_acc'),label='val_acc')
plt.legend()
数据集:tf.keras.datasets.fashion_mnist
tensorflow自带的数据集,fashion_mnist,图片是10类物品,鞋子包包什么的。用于做10个分类任务。首次运行代码自动下载数据集。
|