大家好,我是阿光。
本专栏整理了《PyTorch深度学习项目实战100例》,内包含了各种不同的深度学习项目,包含项目原理以及源码,每一个项目实例都附带有完整的代码+数据集。
正在更新中~ ✨
🚨 我的项目环境:
平台:Windows10
语言环境:python3.7
编译器:PyCharm
PyTorch版本:1.8.1
💥 项目专栏:
【PyTorch深度学习项目实战100例】
一、使用LSTM进行谣言检测
本项目使用基于循环神经网络(LSTM)的谣言检测模型,将文本中的谣言事件进行连续向量化,通过循环神经网络的学习训练来挖掘表示文本深层的特征,避免了特征构建的问题,并能发现那些不容易被人发现的特征,从而产生更好的效果。
在这里插入图片描述
二、数据集介绍
本项目中使用的数据是微博头条新闻数据,该数据集的下载网址为:
下载链接
,该数据集一共有3387条新闻数据,新闻的类型分为两类:“谣言新闻”和“真实新闻”,该数据集的前几行如下: 由于新闻数据敏感,所以进行打马赛克,
在这里插入图片描述
三、项目实现思路
本项目使用的是LSTM,如果使用普通MLP网络依然可以实现二分类,但是对于文本信息,他不同词之间是存在语义关系的,并不是独立的,每个词会受
语境及上下文
所影响,如果使用传统模型是捕捉不到这层关系。 所以考虑使用循环神经网络,可以将不同时间步的数据向下进行传递,将上文语境信息向后传入进行分析。
四、加载文本数据
由于数据集中是每一个样本为一句话,这样是不可以进行训练的,所以需要将其转化为数值信息。
首先需要获得
词汇表
,就是训练样本中所有出现的字
然后将其转化为
字典
,键为字,值为对应的编号,用于进行映射
将每一句话进行映射形成对应的数值编号
如果每一行的字数不够
input_shape
,那么就使用
0进行填补
,保持送入网络模型中的数据的维度是一致的
def load_data(file_path, input_shape=20):
df = pd.read_csv(file_path, sep='\t')
labels, vocabulary = list(df['label'].unique()), list(df['text'].unique())
string = ''
for word in vocabulary:
string += word
vocabulary = set(string)
word_dictionary = {word: i + 1 for i, word in enumerate(vocabulary)}
with open('word_dict.pk', 'wb') as f:
pickle.dump(word_dictionary, f)
inverse_word_dictionary = {i + 1: word for i, word in enumerate(vocabulary)}
label_dictionary = {label: i for i, label in enumerate(labels)}
with open('label_dict.pk', 'wb') as f:
pickle.dump(label_dictionary, f)
output_dictionary = {i: labels for i, labels in enumerate(labels)}
vocab_size = len(word_dictionary.keys())
label_size = len(label_dictionary.keys())
x = [[word_dictionary[word] for word in sent] for sent in df['text']]
x = pad_sequences(maxlen=input_shape, sequences=x, padding='post', value=0)
y = [[label_dictionary[sent]] for sent in df['label']]
y = np.array(y)
return x, y, output_dictionary, vocab_size, label_size, inverse_word_dictionary
五、定义网络结构
项目中使用的模型是LSTM,在模型中我们定义了三个组件,分别是embedding层
,lstm层
和全连接层
。
Embedding层:将每个词生成对应的嵌入向量
,就是利用一个连续型向量来表示每个词
Lstm层:提取语句中的语义信息
Linear层:将结果映射成2大小用于二分类,即谣言和非谣言的概率
注意:在LSTM网络中返回的值为最后一个时间片
的输出,而不是将整个output全部输出,因为我们是需要捕捉整个语句的语义信息,并不是获得特定时间片的数据。
class LSTM(nn.Module):
def __init__(self, vocab_size, hidden_dim, num_layers, embedding_dim, output_dim):
super(LSTM, self).__init__()
self.hidden_dim = hidden_dim
self.num_layers = num_layers
self.embeddings = nn.Embedding(vocab_size + 1, embedding_dim)
self.lstm = nn.LSTM(embedding_dim, hidden_dim, num_layers)
self.fc = nn.Linear(hidden_dim, output_dim)
def forward(self, x):
embeds = self.embeddings(x)
output, (h_n, c_n) = self.lstm(embeds)
timestep, batch_size, hidden_dim = output.shape
output = output.reshape(-1, hidden_dim)
output = self.fc(output)
output = output.reshape(timestep, batch_size, -1)
return output[-1]
六、模型训练
model = LSTM(vocab_size=len(word_dictionary), hidden_dim=hidden_dim, num_layers=num_layers,
embedding_dim=embedding_dim, output_dim=output_dim)
Configimizer = optim.Adam(model.parameters(), lr=lr)
criterion = nn.CrossEntropyLoss()
model.to(device)
loss_meter = meter.AverageValueMeter()
best_acc = 0
best_model = None
for epoch in range(epochs):
model.train()
epoch_acc = 0
epoch_acc_count = 0
train_count = 0
loss_meter.reset()
train_bar = tqdm(train_loader)
for data in train_bar:
x_train, y_train = data
x_input = x_train.long().transpose(1, 0).contiguous()
x_input = x_input.to(device)
Configimizer.zero_grad()
output_ = model(x_input)
loss = criterion(output_, y_train.long().view(-1))
loss.backward()
Configimizer.step()
loss_meter.add(loss.item())
epoch_acc_count += (output_.argmax(axis=1) == y_train.view(-1)).sum()
train_count += len(x_train)
epoch_acc = epoch_acc_count / train_count
print("【EPOCH: 】%s" % str(epoch + 1))
print("训练损失为%s" % (str(loss_meter.mean)))
print("训练精度为%s" % (str(epoch_acc.item() * 100)[:5]) + '%')
if epoch_acc > best_acc:
best_acc = epoch_acc
best_model = model.state_dict()
if epoch == epochs - 1:
torch.save(best_model, './best_model.pkl')
七、语句测试
实现规定好input_shape
,如果不够使用0进行填补,方便送入网络当中。 读取模型以及相应的词序号映射信息
,然后将我们待测试的话转成相应的tensor,送入网络中,然后的tensor为2维
,即对应正面和反面的概率,然后使用argmax函数获得最大值对应的索引。
input_shape = 180
sent = "凌晨的长春,丢失的孩子找到了,被偷走的车也找到,只是偷车贼没找到,看来,向雷锋同志学习50周年的今天,还是一个有效果的日子啊。"
x = [[word2idx[word] for word in sent]]
x = pad_sequences(maxlen=input_shape, sequences=x, padding='post', value=0)
x = torch.from_numpy(x)
model_path = './best_model.pkl'
model = LSTM(vocab_size=len(word_dictionary), hidden_dim=hidden_dim, num_layers=num_layers,
embedding_dim=embedding_dim, output_dim=output_dim)
model.load_state_dict(torch.load(model_path, 'cpu'))
y_pred = model(x.long().transpose(1, 0))
print('输入语句: %s' % sent)
print('谣言检测结果: %s' % label_dict[y_pred.argmax().item()])
except KeyError as err:
print("您输入的句子有汉字不在词汇表中,请重新输入!")
print("不在词汇表中的单词为:%s." % err)
【PyTorch深度学习项目实战100例】—— 基于pytorch使用LSTM进行谣言检测 | 第8例