导入库
import tensorflow.compat.v1 as tf
import numpy as np
import matplotlib.pyplot as plt
%matplotlib inline
print("Tensorflow版本是:",tf.__version__)
数据获取
mnist = tf.keras.datasets.mnist
(train_images,train_labels),(test_images,test_labels) = mnist.load_data()
之前没有下载过数据,会显示一个下载的过程
划分验证集
total_num = len(train_images)
valid_split = 0.2
train_num = int(total_num*(1-valid_split))
train_x = train_images[:train_num]
train_y = train_labels[:train_num]
valid_x = train_images[train_num:]
valid_y = train_labels[train_num:]
test_x = test_images
test_y = test_labels
data:image/s3,"s3://crabby-images/1d367/1d367dd5886025e7b8c7bf740178ee0c7610f007" alt="在这里插入图片描述"
valid_x.shape
data:image/s3,"s3://crabby-images/9ee0a/9ee0a75191bff4b5dc43532ce36537f5f7acf96b" alt="在这里插入图片描述"
数据塑形
将(28,28)的结构拉直为一行 784(28*28)
train_x = train_x.reshape(-1,784)
valid_x = valid_x.reshape(-1,784)
test_x = test_x.reshape(-1,784)
data:image/s3,"s3://crabby-images/725d6/725d63b9f87d0d2844cb1cce47bab1db4df408b0" alt="在这里插入图片描述"
特征数据归一化
train_x = tf.cast(train_x/255.0,tf.float32)
valid_x = tf.cast(valid_x/255.0,tf.float32)
test_x = tf.cast(test_x/255.0,tf.float32)
data:image/s3,"s3://crabby-images/3ea28/3ea28946321d82de1f6622336737fd17bdb02397" alt="在这里插入图片描述"
train_x[1]
data:image/s3,"s3://crabby-images/36625/366258c19aa144a63171dff7b5ce118cfb6460fb" alt="在这里插入图片描述"
标签数据独热编码
train_y = tf.one_hot(train_y,depth=10)
valid_y = tf.one_hot(valid_y,depth=10)
test_y= tf.one_hot(test_y,depth=10)
train_y
data:image/s3,"s3://crabby-images/d03c3/d03c3f23e4db9e9cf2b8b215bb3cba970cafb4ff" alt="在这里插入图片描述"
构建模型
data:image/s3,"s3://crabby-images/1ed1d/1ed1d027460de1da7c5278b1a8b93f64663b4933" alt="在这里插入图片描述"
def model(x,w,b):
pred = tf.matmul(x,w) + b
return tf.nn.softmax(pred)
data:image/s3,"s3://crabby-images/b49cc/b49ccab9936bab04140f5f1d94637d9b1277d8cd" alt="在这里插入图片描述"
定义模型变量
W = tf.Variable(tf.random.normal([784,10],mean=0.0,stddev=1.0,dtype=tf.float32))
B = tf.Variable(tf.zeros([10]),dtype = tf.float32)
data:image/s3,"s3://crabby-images/be8bd/be8bd4a759ec51a1800792a3959d7e3bd5b1a3b2" alt="在这里插入图片描述"
定义损失函数
定义交叉熵损失函数
def loss(x,y,w,b):
pred = model(x,w,b)
loss_ = tf.keras.losses.categorical_crossentropy(y_true=y,y_pred = pred)
return tf.reduce_mean(loss_)
data:image/s3,"s3://crabby-images/65160/6516057c18d4cb76bd49cf8454cd5955eb08399e" alt="在这里插入图片描述"
在自定义的损失函数loss中直接调用了TensorFlow提供的交叉熵函数。
定义训练超参数
training_epochs = 20
batch_size = 50
learning_rate = 0.001
data:image/s3,"s3://crabby-images/96ef5/96ef528d33253609230504f7cb544933b30e18a9" alt="在这里插入图片描述"
定义梯度计算函数
def grad(x,y,w,b):
with tf.GradientTape() as tape:
loss_ = loss(x,y,w,b)
return tape.gradient(loss_,[w,b])
data:image/s3,"s3://crabby-images/2f8e8/2f8e8305c152bb420113e414de05c48b5de9f10a" alt="在这里插入图片描述"
选择优化器
常用优化器:SGD、Adagrad、Adadelta、RMSprop、Adam
optimizer = tf.keras.optimizers.Adam(learning_rate=learning_rate)
data:image/s3,"s3://crabby-images/3f456/3f4563634e2da14fd29b6c712efbd76ed91e1da5" alt="在这里插入图片描述"
定义准确率
def accuracy(x,y,w,b):
pred = model(x,w,b)
correct_prediction = tf.equal(tf.argmax(pred,1),tf.argmax(y,1))
return tf.reduce_mean(tf.cast(correct_prediction,tf.float32))
data:image/s3,"s3://crabby-images/73934/73934b845f9946cf10fe011169001bcc0ae2c1e1" alt="在这里插入图片描述"
训练模型
total_step = int(train_num/batch_size)
loss_list_train = []
loss_list_valid = []
acc_list_train = []
acc_list_valid = []
for epoch in range (training_epochs):
for step in range(total_step):
xs = train_x[step*batch_size:(step+1)*batch_size]
ys = train_y[step*batch_size:(step+1)*batch_size]
grads = grad(xs,ys,W,B)
optimizer.apply_gradients(zip(grads,[W,B]))
loss_train = loss(train_x,train_y,W,B).numpy()
loss_valid = loss(valid_x,valid_y,W,B).numpy()
acc_train = accuracy(train_x,train_y,W,B).numpy()
acc_valid = accuracy(valid_x,valid_y,W,B).numpy()
loss_list_train.append(loss_train)
loss_list_valid.append(loss_valid)
acc_list_train.append(acc_train)
acc_list_valid.append(acc_valid)
print("epoch={:3d},train_loss={:.4f},train_acc={:.4f},val_loss={:.4f},val_lacc={:.4f}".format(epoch+1,loss_train,acc_train,loss_valid,acc_valid))
data:image/s3,"s3://crabby-images/b37d9/b37d96238f652f162e0cba68a517860d59b5fdb3" alt="在这里插入图片描述" 有的时候可能执行的比较慢,不会立即出结果,稍微耐心等一下 从上述打印结果可以看出损失值(Loss)是趋于更小的,同时准确率(accuracy)越来越高
显示训练过程数据
plt.xlabel("Epochs")
plt.ylabel("Loss")
plt.plot(loss_list_train,'blue',label="Train Loss")
plt.plot(loss_list_valid,'red',label='Valid Loss')
plt.legend(loc=1)
data:image/s3,"s3://crabby-images/a5a39/a5a394f846c73cd76d21e003c2326e88603b7aba" alt="在这里插入图片描述"
plt.xlabel("Epochs")
plt.ylabel("Accuracy")
plt.plot(acc_list_train,'blue',label="Train Loss")
plt.plot(acc_list_valid,'red',label='Valid Loss')
plt.legend(loc=1)
data:image/s3,"s3://crabby-images/a58e8/a58e80b3d4f17bdefcd8ad16d8c1796acd4e9f7d" alt="在这里插入图片描述"
评估模型
acc_test = accuracy(test_x,test_y,W,B).numpy
print("Test accuracy:",acc_test)
data:image/s3,"s3://crabby-images/b09f3/b09f32ded17c69f02123555a76f5e36612e131ae" alt="在这里插入图片描述"
模型应用与可视化
应用模型
def predict(x,w,b):
pred = model(x,w,b)
result = tf.argmax(pred,1).numpy()
return result
pred_test=predict(test_x,W,B)
pred_test[0]
data:image/s3,"s3://crabby-images/0ba4e/0ba4e6082ac379642ffe65026f717505c3f0b23d" alt="在这里插入图片描述" 定义可视化函数
import matplotlib.pyplot as plt
import numpy as np
def plot_images_labels_prediction(images,
labels,
preds,
index=0,
num=10):
fig = plt.gcf()
fig.set_size_inches(10,4)
if num > 10:
num = 10
for i in range(0,num):
ax = plt.subplot(2,5,i+1)
ax.imshow(np.reshape(images[index],(28,28)),cmap='binary')
title = "label=" + str(labels[index])
if len(preds)>0:
title +=",predict=" + str(labels[index])
ax.set_title(title,fontsize=10)
ax.set_xticks([]);
ax.set_yticks([])
index = index + 1
plt.show()
data:image/s3,"s3://crabby-images/87053/87053e9627c1fb1f78a1143700d033f7cfac9d80" alt="在这里插入图片描述"
可视化预测结果
plot_images_labels_prediction(test_images,test_labels,pred_test,10,10)
data:image/s3,"s3://crabby-images/61543/615439548ca4732a0195e69c5ab30a63ebdcac13" alt="在这里插入图片描述"
|