赞
踩
目录
实验设计:
伴随着移动互联网的迅速发展,微博成为了人们在移动互联网时代获取信息和发表观点最便捷的媒介.微博上存在大量对于社会现象,时政新闻,经济热点等事件的评论.做好这些热点微博评论的情感分析工作,有助于把握社会人群的观点态度,能够更敏感地分辨热点事件在社会当中的影响,同时对管理部门进行舆情监控,制定决策有着重要的参考意义.此外,对不同领域的热点微博评论进行情感分析,合理运用分析结果也有助于促进领域内的产业发展和升级.本文设计并实现了一个针对热点微博评论的情感分析GUI界面,其中最为核心的内容为两个:一是引入IndRNN(Independently Recurrent Neural Networks)建立基于IndRNN的微博文本分析模型,本文在一个中文数据集上进行了实验,其实验结果与经典的LSTM、RNN模型相比,实现的IndRNN模型在微博情感分析任务上取得了较高的准确率。二是基于python爬虫设计实现了微博话题的实时监测分析,整合封装好的IndRNN模型,可以根据输入话题名称进行爬取相关话题评论并进行情感倾向的分析与结果的统计。
本文数据集为中文微博评论短文本,总共148978个评论文本,包含电影、娱乐、明星新闻等相关评论,其中正向情感文本有77386个,具有消极情感倾向的文本 71592个。其中选取整个数据样本的20%作为测试集,其他样本作为训练集。其数据统计如下表所示:
样本类型 | 训练集 | 测试集 |
积极样本个数 | 61909 | 15477 |
消极样本个数 | 57274 | 14318 |
传统RNN存在的问题
IndRNN公式分析
RNN的隐含层状态更新公式:
IndRNN的隐含层状态更新公式:
其中循环权重u是一个向量,⊙表示阿达马积(Hadamard product)。同一图层中的每个神经元都与其他神经元不相连,通过叠加两层或更多层的IndRNN,可以将神经元连接。 也就是说每层中的神经元都相互独立,并且它们可以跨层连接。
两者隐含层状态更新公式的对比:
1.RNN的计算为上一时刻的隐含层状态
2.IndRNN的计算为上一时刻的隐含层状态
IndRNN的优势:
ind_rnn_cell.py文件通过调用tensorflow框架实现了IndRNN的封装。
- class IndRNNCell(LayerRNNCell):
- def __init__(self,
- num_units,
- recurrent_min_abs=0,
- recurrent_max_abs=None,
- recurrent_kernel_initializer=None,
- input_kernel_initializer=None,
- activation=None,
- reuse=None,
- name=None):
- super(IndRNNCell, self).__init__(_reuse=reuse, name=name)
- # Inputs must be 2-dimensional.
- self.input_spec = base_layer.InputSpec(ndim=2)
- self._num_units = num_units
- self._recurrent_min_abs = recurrent_min_abs
- self._recurrent_max_abs = recurrent_max_abs
- self._recurrent_initializer = recurrent_kernel_initializer
- self._input_initializer = input_kernel_initializer
- self._activation = activation or nn_ops.relu
- @property
- def state_size(self):
- return self._num_units
- @property
- def output_size(self):
- return self._num_units
- def build(self, inputs_shape):
- if inputs_shape[1].value is None:
- raise ValueError("Expected inputs.shape[-1] to be known, saw shape: %s"
- % inputs_shape)
- input_depth = inputs_shape[1].value
- if self._input_initializer is None:
- self._input_initializer = init_ops.random_normal_initializer(mean=0.0,
- stddev=0.001)
- self._input_kernel = self.add_variable(
- "input_kernel",
- shape=[input_depth, self._num_units],
- initializer=self._input_initializer)
- if self._recurrent_initializer is None:
- self._recurrent_initializer = init_ops.constant_initializer(1.)
- self._recurrent_kernel = self.add_variable(
- "recurrent_kernel",
- shape=[self._num_units],
- initializer=self._recurrent_initializer)
- # Clip the absolute values of the recurrent weights to the specified minimum
- if self._recurrent_min_abs:
- abs_kernel = math_ops.abs(self._recurrent_kernel)
- min_abs_kernel = math_ops.maximum(abs_kernel, self._recurrent_min_abs)
- self._recurrent_kernel = math_ops.multiply(
- math_ops.sign(self._recurrent_kernel),
- min_abs_kernel
- )
- # Clip the absolute values of the recurrent weights to the specified maximum
- if self._recurrent_max_abs:
- self._recurrent_kernel = clip_ops.clip_by_value(self._recurrent_kernel,
- -self._recurrent_max_abs,
- self._recurrent_max_abs)
- self._bias = self.add_variable(
- "bias",
- shape=[self._num_units],
- initializer=init_ops.zeros_initializer(dtype=self.dtype))
- self.built = True
- def call(self, inputs, state):
- """Run one time step of the IndRNN.
- Calculates the output and new hidden state using the IndRNN equation
- `output = new_state = act(W * input + u (*) state + b)`
- where `*` is the matrix multiplication and `(*)` is the Hadamard product.
- Args:
- inputs: Tensor, 2-D tensor of shape `[batch, num_units]`.
- state: Tensor, 2-D tensor of shape `[batch, num_units]` containing the
- previous hidden state.
- Returns:
- A tuple containing the output and new hidden state. Both are the same
- 2-D tensor of shape `[batch, num_units]`.
- """
- gate_inputs = math_ops.matmul(inputs, self._input_kernel)
- recurrent_update = math_ops.multiply(state, self._recurrent_kernel)
- gate_inputs = math_ops.add(gate_inputs, recurrent_update)
- gate_inputs = nn_ops.bias_add(gate_inputs, self._bias)
- output = self._activation(gate_inputs)
- return output, output
但是我们在日常应用实现时没有必要那么麻烦,通过将IndRNNCell.py代码复制进入我们自己命名的ind_rnn.py文件,通过from ind_rnn import IndRNNCell, RNN进行模型的调用,然后通过以下代码完成对IndRNN的调用。
- cells = [IndRNNCell(NUM_UNITS),
- IndRNNCell(NUM_UNITS)]
-
- print('Build model...')
- model = Sequential()
- model.add(RNN(cells, input_shape=(TIME_STEPS, 2)))
本文统一采用Word2Vec进行训练词向量特征,其词嵌入维度为128.其实现的代码如下:
- # 创建词语字典,并返回每个词语的索引,词向量,以及每个句子所对应的词语索引
- def create_dictionaries(model=None,
- combined=None):
- """ 该函数完成 3 个工作,构建单词到index 的映射,构建单词到向量的映射,转化训练和测试字典
- """
- if (combined is not None) and (model is not None):
- gensim_dict = Dictionary()
- gensim_dict.doc2bow(model.wv.vocab.keys(), allow_update=True)
- w2indx = {v: k + 1 for k, v in gensim_dict.items()} # 所有频数超过word2vec_exposures的词语的索引
- w2vec = {word: model.wv[word] for word in w2indx.keys()} # 所有频数超过word2vec_exposures的词语的词向量
-
- def parse_dataset(combined):
- # 把单词转为 int
- data = []
- for sentence in combined:
- new_txt = []
- for word in sentence:
- try:
- new_txt.append(w2indx[word])
- except:
- new_txt.append(0)
- data.append(new_txt)
- return data
-
- combined = parse_dataset(combined)
- combined = sequence.pad_sequences(combined, maxlen=max_len) # 每个句子所含词语对应的索引,所以句子中含有频数小于exposure的词语,索引为0
- return w2indx, w2vec, combined
- else:
- print('No data provided...')
-
- # 创建词语字典,并返回每个词语的索引,词向量,以及每个句子所对应的词语索引
- def word2vec_train(combined):
- model = Word2Vec(size=vocab_dim,
- min_count=word2vec_exposures,
- window=word2vec_window_size,
- workers=cpu_count,
- iter=word2vec_iterations)
- model.build_vocab(combined)
- model.train(combined, total_examples=model.corpus_count, epochs=model.epochs)
- model.save('lstm_data/Word2vec_model.pkl')
- index_dict, word_vectors, combined = create_dictionaries(model=model, combined=combined)
- return index_dict, word_vectors, combined
python3.6.5、tensorflow2.3.1、 keras2.1.5等,在这个基础环境上进行安装其他依赖库。
由于keras和tensorflow版本不匹配问题:
遇到报错:AttributeError: module 'tensorflow._api.v2.train' has no attribute 'Optimizer':将tf.train.Optimizer,更改为tf.optimizers.Optimizer即可。
遇到报错:AttributeError: module 'tensorflow' has no attribute 'placeholder',将import tensorflow as tf 替换成:import tensorflow.compat.v1 as tftf.disable_v2_behavior()即可
遇到报错:AttributeError: module 'tensorflow' has no attribute 'get_default_graph',将tf.get_default_graph替换为tf.compat.v1.get_default_graph即可
遇到报错:ModuleNotFoundError: No module named 'keras.legacy',将keras版本降低为2.1.5版本即可。
在上述环境和数据集下,分别设计并实现RNN、LSTM和IndRNN模型,其训练模型的参数均为:迭代次数为5,batch_size = 512,句子输入维度为128,word2vec_iterations = 3 # Word2Vec 的迭代次数,一般比较快;word2vec_exposures = 6 # 出现次数超过这个数目的词才会被计算词向量;word2vec_window_size = 7 # Word2Vec 的参数,窗口大小。loss='binary_crossentropy', optimizer='adam', metrics=['accuracy']等。即是保证公用参数一致。
左:RNN模型损失函数图;右:RNN准确率图;
左:LSTM模型损失函数图;右:LSTM准确率图;
IndRNN为2层,其神经网络参数及神经元个数与其他两个模型一致。
左:IndRNN模型损失函数图;右:IndRNN准确率图
模型 | 准确率 |
RNN | 0.87807 |
LSTM | 0.9560 |
IndRNN | 0.9459 |
由实验结果可以发现 IndRNN模型的准确率明显高于传统RNN模型的准确率,但是其并没有LSTM神经网络效果更好,可能是两层IndRNN网络模型在大型的数据集上实验效果没有LSTM神经网络具有记忆能力的模型效果要好,也可能是参数的调节没有使IndRNN模型达到最好的实验结果。而且本文只采用了accuracy进行评价模型性能,如果要想准确的评价IndRNN模型,还需要更多的评价指标,比如P、R、R等;同时要对模型进行更为复杂的参数调节,在这里只是一个简单实现的讨论,不在做过多研究与探索,大家可以自行尝试。如果模型实现存在问题,可以联系Q:525894654。
将训练好的模型加载应用到微博评论的舆情分析上 ,其实现结果如下图所示:
近年来,随着社交网络的逐渐成熟和移动终端技术的迅猛发展,微博作为一种网络传播的主要媒体形式,越来越受到人们的青睐。用户通过在微博上表达观点传播思想,抒发个人情感的同时,也产生了大量带有个人主观情感特征的信息,这些信息中包含着不同趋向的情感特征,进而对网络舆情的传播能产生巨大的影响。本文使用IndRNN模型对互联网上微博短文本的情感分析问题进行了相关研究,该方法首先将训练的词向量作为原始特征向量,然后进行情感分类。在实现方法上, 传统的RNN(RecurrentNeuralNetwork,循环神经网络)模型可以充分地利用上下文信息构建语言模型,在情感分析领域取得了较好的效果,但该方法存在梯度消失与梯度爆炸问题.本研究在RNN循环神经网络和LSTM长短期记忆神经网络的基础上,建立了IndRNN模型,对微博文本情感进行分析,通过在数据集上的相关实验,结果表明,IndRNN网络模型比RNN网络模型情感分析分类预测准确率更高, 但是比LSTM神经网络模型准确率略低,其原因可能是148978个评论文本中有部分文本内容较长,且LSTM神经网络特殊的门控制单元能够记忆更多有用的历史特征信息,对文本的分类产生重要影响。最后,我们将训练好的模型应用于微博的舆情监测上,结合python的bs4库实现评论的实时爬取,通过加载训练好的模型,可以完成对收集到的评论文本进行情感分析及舆论导向的统计。
1.Li S , Li W , Cook C , et al. Independently Recurrent Neural Network (IndRNN): Building A Longer and Deeper RNN[C]// Computer Vision and Pattern Recognition (CVPR 2018). 2018.
2.钮成明, 詹国华, 李志华. 基于深度神经网络的微博文本情感倾向性分析[J]. 计算机系统应用, 2018, 27(11):207-212.
3.伍行素, 陈锦回. 基于LSTM深度神经网络的情感分析方法[J]. 上饶师范学院学报, 2018, 38(06):16-20.
4.吴国栋, 刘国良, 张凯,等. SVM和RNN在网络评论情感分析中的比较研究[J]. 上海工程技术大学学报, 2019, 033(004):378-383.
Copyright © 2003-2013 www.wpsshop.cn 版权所有,并保留所有权利。