Python 深度学习日志5

3.2新闻分类:单标签、多分类问题

加载路透数据集

from keras.datasets import  reuters
(train_data,train_labels),(test_data,test_labels) = reuters.load_data(num_words=10000)

 

import numpy as np

#将数据向量化
def vectorize_sequences(sequences, dimension=10000):
    results = np.zeros((len(sequences), dimension))
    for i, sequence in enumerate(sequences):
        results[i, sequence] = 1.
    return results

x_train = vectorize_sequences(train_data)
x_test = vectorize_sequences(test_data)

#将标签向量化
def to_one_hot(labels,dimension=46):
    results = np.zeros((len(labels),dimension))
    for i,label in enumerate(labels):
        results[i,label] = 1.
    return results

one_hot_train_labels = to_one_hot(train_labels)
one_hot_test_labels = to_one_hot(test_labels)from keras import models
from keras import layers

#softmax激活,网络将输出在46个不同输出类别上的概率分布——对于每个输入样本,网络都会输出一个46维向量,其中output[i]是样本属于第i个类别的概率,46个概率的总和为1
model = models.Sequential()
model.add(layers.Dense(64,activation='relu',input_shape=(10000,)))
model.add(layers.Dense(64,activation='relu'))
model.add(layers.Dense(46,activation='softmax'))#总共有46类,所以最终输出是46维的,因此中间层的隐藏单元个数不应该比46小太多,不然会造成信息瓶颈

模型定义

Dense层的堆叠,每层只能访问上一层输出的信息。如果某一层丢失了与分类问题相关的一些信息,那么这些信息无法被后面的层找回,也就是说,每一层都可能成为信息瓶颈。

最终输出是46维的,因此中间层的隐藏单元个数不应该比46小太多,不然会造成信息瓶颈

softmax激活,网络将输出在46个不同输出类别上的概率分布——对于每个输入样本,网络都会输出一个46维向量,其中output[i]是样本属于第i个类别的概率,46个概率的总和为1。

from keras import models
from keras import layers

#softmax激活,网络将输出在46个不同输出类别上的概率分布——对于每个输入样本,网络都会输出一个46维向量,其中output[i]是样本属于第i个类别的概率,46个概率的总和为1
model = models.Sequential()
model.add(layers.Dense(64,activation='relu',input_shape=(10000,)))
model.add(layers.Dense(64,activation='relu'))
model.add(layers.Dense(46,activation='softmax'))#总共有46类,所以最终输出是46维的,因此中间层的隐藏单元个数不应该比46小太多,不然会造成信息瓶颈

编译模型

model.compile(optimizer='rmsprop',
              loss='categorical_crossentropy', #categorical_crossentropy(分类交叉熵):衡量两个概率分布之间的距离,这里两个概率分布分别是网络输出的概率分布和标签的真实分布。通过将这两个分布的距离最小化,训练网络可使输出结果尽可能接近真实标签。
              metrics=['accuracy'])

留出验证集

x_val = x_train[:1000]
partial_x_train = x_train[1000:]

y_val = one_hot_train_labels[:1000]
partial_y_train = one_hot_train_labels[1000:]

训练模型

history = model.fit(partial_x_train,
                    partial_y_train,
                    epochs=20,
                    batch_size=512,
                    validation_data=(x_val, y_val))

 

绘制训练损失和验证损失

import matplotlib.pyplot as plt
loss = history.history['loss']
val_loss = history.history['val_loss']

epochs = range(1,len(loss)+1)

plt.plot(epochs,loss,'bo',label='Training loss')
plt.plot(epochs,val_loss,'b',label='Validation loss')
plt.title('Training and validation loss')
plt.xlabel('Epochs')
plt.ylabel('Loss')
plt.legend()

plt.show()

 

绘制训练精度和验证精度

acc = history.history['accuracy']
val_acc = history.history['val_accuracy']

plt.plot(epochs,acc,'bo',label='Training accuracy')
plt.plot(epochs,val_acc,'b',label='Validation accuracy')
plt.title('Training and validation accuracy')
plt.xlabel('Epochs')
plt.ylabel('Accuracy')
plt.legend()

 

从头开始重新训练一个模型

model = models.Sequential()
model.add(layers.Dense(64,activation='relu',input_shape=(10000,)))
model.add(layers.Dense(64,activation='relu'))
model.add(layers.Dense(46,activation='softmax'))

model.compile(optimizer='rmsprop',
              loss='categorical_crossentropy',
              metrics=['accuracy'])

model.fit(partial_x_train,partial_y_train,epochs=9,batch_size=512,validation_data=(x_val,y_val))

results = model.evaluate(x_test,one_hot_test_labels)

 

在新数据上生成预测结果

predictions = model.predict(x_test)
#prediction中每个元素都是长度为46的向量
predictions[0].shape
#这个向量的所有元素总和为1
print(np.sum(predictions[0]))
#最大的元素就是预测类别,即概率最大的类别
print(np.argmax(predictions[0]))
  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 1
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值