鸢尾花的类别包括:Setosa Iris(狗尾鸢尾),Versicolor Iris(杂色鸢尾),Virginica(弗吉尼亚鸢尾)。我们可以根据花萼长,花萼宽,花瓣长,花瓣宽这四个特征值对鸢尾花进行分类。
神经网络设计
神经网络结构:单层前馈型神经网络
激活函数:softmax函数
损失函数:交叉熵损失函数
自动求导
with tf.GradientTape() as tape:
函数表达式
grad=tape.gradient(函数,自变量)
训练集: 训练模型
测试集: 评估模型性能
import tensorflow as tf
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
TRAIN_URL="http://download.tensorflow.org/data/iris_training.csv"
train_path=tf.keras.utils.get_file(TRAIN_URL.split('/')[-1],TRAIN_URL)
TEST_URL="http://download.tensorflow.org/data/iris_test.csv"
test_path=tf.keras.utils.get_file(TEST_URL.split('/')[-1],TEST_URL)
#读取数据集文件
df_iris_train=pd.read_csv(train_path,header=0)
df_iris_test=pd.read_csv(test_path,header=0)
#转为数组
iris_train=np.array(df_iris_train)
iris_test=np.array(df_iris_test)
#将前四列存入X中,结果存入Y中
x_train=iris_train[:,0:4]
y_train=iris_train[:,4]
x_test=iris_test[:,0:4]
y_test=iris_test[:,4]
#对属性值进行标准化处理,使均值为零
x_train=x_train-np.mean(x_train,axis=0)
x_test=x_test-np.mean(x_test,axis=0)
#将标签值转为独热编码的形式
X_train=tf.cast(x_train,tf.float32)
Y_train=tf.one_hot(tf.constant(y_train,tf.int32),3)
X_test=tf.cast(x_test,tf.float32)
Y_test=tf.one_hot(tf.constant(y_test,tf.int32),3)
#设置学习率、迭代次数和显示间隔
learn_rate=0.5
it=50
display_step=10
#初始化权值矩阵W和偏置项B,W为4行3列的张量,取正态分布的随机值为初始值,B为长度为3的一维张量,初始为0
np.random.seed(612)
W=tf.Variable(np.random.randn(4,3),dtype=tf.float32)
B=tf.Variable(np.zeros([3]),dtype=tf.float32)
#定义列表,记录准确率和交叉熵损失
acc_train=[]
acc_test=[]
cce_train=[]
cce_test=[]
for i in range(0,it+1):
with tf.GradientTape() as tape:
PRED_train=tf.nn.softmax(tf.matmul(X_train,W)+B)
Loss_train=tf.reduce_mean(tf.keras.losses.categorical_crossentropy(y_true=Y_train,y_pred=PRED_train))
PRED_test=tf.nn.softmax(tf.matmul(X_test,W)+B)
Loss_test=tf.reduce_mean(tf.keras.losses.categorical_crossentropy(y_true=Y_test,y_pred=PRED_test))
accuracy_train=tf.reduce_mean(tf.cast(tf.equal(tf.argmax(PRED_train.numpy(),axis=1),y_train),tf.float32))
accuracy_test=tf.reduce_mean(tf.cast(tf.equal(tf.argmax(PRED_test.numpy(),axis=1),y_test),tf.float32))
acc_train.append(accuracy_train)
acc_test.append(accuracy_test)
cce_train.append(Loss_train)
cce_test.append(Loss_test)
grads=tape.gradient(Loss_train,[W,B])
W.assign_sub(learn_rate*grads[0])
B.assign_sub(learn_rate*grads[1])
#显示正确率和交叉熵损失
if i%display_step == 0:
print("i:%i,TrainAcc:%f,TrainLoss:%f,TestAcc:%f,TestLoss:%f" %(i,accuracy_train,Loss_train,accuracy_test,Loss_test))
#绘制图表
plt.figure(figsize=(10,3))
plt.subplot(121)
plt.plot(cce_train,color="blue",label="train")
plt.plot(cce_test,color="red",label="test")
plt.xlabel("Iteration")
plt.ylabel("Loss")
plt.legend()
plt.subplot(122)
plt.plot(acc_train,color="blue",label="train")
plt.plot(acc_test,color="red",label="test")
plt.xlabel("Iteration")
plt.ylabel("Accuracy")
plt.legend()
plt.show()
训练集和测试集都为五列,前四项为花萼长,花萼宽,花瓣长,花瓣宽,最后一项为0,1,2分别对应三种鸢尾花
未完待续。。。