当前位置:   article > 正文

(9-4-2)预训练模型:FinBERT_autotokenizer.from_pretrained("prosusai/finbert")

autotokenizer.from_pretrained("prosusai/finbert")

请大家关注我,本文章粉丝可见,我会一直更新下去,完整代码进QQ群获取:323140750,大家一起进步、学习。

13)使用函数train_test_split从数据集中划分训练集(X_train和y_train)和验证集(X_val和y_val)。这些数据集可以用于模型的训练和验证,以评估模型的性能。具体实现代码如下所示。

  1. X_train, X_val, y_train, y_val = train_test_split(financial_data.index.values,
  2.                                                   financial_data.label.values,
  3.                                                   test_size = 0.15,
  4.                                                   random_state = 2022,
  5.                                                   stratify = financial_data.label.values)

14)在financial_data DataFrame 中为训练集(X_train)和验证集(X_val)的样本添加一个名为data_type的新列,并设置其值为'train'和'val',以表示每个样本属于训练集或验证集。然后,计算了每种情感标签在不同数据类型(训练集或验证集)中的出现次数。具体实现代码如下所示。

  1. financial_data.loc[X_train, 'data_type'] = 'train'
  2. financial_data.loc[X_val, 'data_type'] = 'val'
  3. financial_data.groupby(['sentiment', 'label', 'data_type']).count()

执行后会输出:

  1. NewsHeadline
  2. sentiment label data_type
  3. negative 1 train 513
  4. val 91
  5. neutral 0 train 2447
  6. val 432
  7. positive 2 train 1159
  8. val 204

通过执行上述代码,可以查看不同情感标签在训练集和验证集中的分布情况,以确保数据在不同数据类型之间的分布是合理的。这有助于了解数据集的分层情况,以便进行合理的模型训练和验证。

15)开始查看新闻标题长度的分布,以确定在进行数据编码时需要设定的最大长度。首先使用库Hugging Face Transformers中的BertTokenizer类,从预训练模型"ProsusAI/finbert"中加载了一个金融领域的文本分词器(Tokenizer)。具体实现代码如下所示。

finbert_tokenizer = BertTokenizer.from_pretrained("ProsusAI/finbert",  do_lower_case=True)

执行后会输出:

  1. Downloading: 100%|██████████|226k/226k [00:00<00:00, 807kB/s]
  2. Downloading: 100%|██████████|112/112 [00:00<00:00, 4.33kB/s]
  3. Downloading: 100%|██████████|252/252 [00:00<00:00, 10.1kB/s]
  4. Downloading: 100%|██████████|758/758 [00:00<00:00, 11.3kB/s]

16)调用函数get_headlines_len计算数据集中每个新闻标题的长度,并将结果存储在名为headlines_sequence_lengths的列表中。具体实现代码如下所示。

headlines_sequence_lengths = get_headlines_len(financial_data)

执行后会输出:

  1. Encoding in progress...
  2. 100%|██████████| 4846/4846 [00:04<00:00, 1136.56it/s]
  3. End of Task.

这个列表可以用于分析新闻标题长度的分布情况,也可以用于确定在进行文本编码时需要设置的最大序列长度,以便在模型训练中进行适当的填充或截断操作。

17)调用之前定义的show_headline_distribution函数,用于显示新闻标题长度的分布情况。具体实现代码如下所示。

show_headline_distribution(headlines_sequence_lengths)

执行后的效果如图9-2所示,这个直方图有助于可视化新闻标题长度的分布,从而更好地了解新闻标题的长度范围和分布情况。

9-2  新闻标题长度的分布情况

18)对训练集和验证集的新闻标题数据进行编码和处理,以准备用于金融情感分类模型的训练和验证,以便进行后续的模型训练和评估。具体实现代码如下所示。

  1. encoded_data_train = finbert_tokenizer.batch_encode_plus(
  2. financial_data[financial_data.data_type=='train'].NewsHeadline.values,
  3. return_tensors='pt',
  4. add_special_tokens=True,
  5. return_attention_mask=True,
  6. pad_to_max_length=True,
  7. max_length=150 # the maximum lenght observed in the headlines
  8. )
  9. encoded_data_val = finbert_tokenizer.batch_encode_plus(
  10. financial_data[financial_data.data_type=='val'].NewsHeadline.values,
  11. return_tensors='pt',
  12. add_special_tokens=True,
  13. return_attention_mask=True,
  14. pad_to_max_length=True,
  15. max_length=150 # the maximum lenght observed in the headlines
  16. )
  17. input_ids_train = encoded_data_train['input_ids']
  18. attention_masks_train = encoded_data_train['attention_mask']
  19. labels_train = torch.tensor(financial_data[financial_data.data_type=='train'].label.values)
  20. input_ids_val = encoded_data_val['input_ids']
  21. attention_masks_val = encoded_data_val['attention_mask']
  22. sentiments_val = torch.tensor(financial_data[financial_data.data_type=='val'].label.values)
  23. dataset_train = TensorDataset(input_ids_train, attention_masks_train, labels_train)
  24. dataset_val = TensorDataset(input_ids_val, attention_masks_val, sentiments_val)
  25. len(sentiment_dict)

执行后会输出:

  1. Truncation was not explicitly activated but `max_length` is provided a specific value, please use `truncation=True` to explicitly truncate examples to max length. Defaulting to 'longest_first' truncation strategy. If you encode pairs of sequences (GLUE-style) with the tokenizer you can select this strategy more precisely by providing a specific strategy to `truncation`.
  2. 3

19)使用库Hugging Face Transformers中的类AutoModelForSequenceClassification,从预训练模型"ProsusAI/finbert"中加载了一个用于序列分类(Sequence Classification)任务的模型。具体实现代码如下所示。

  1. model = AutoModelForSequenceClassification.from_pretrained("ProsusAI/finbert",
  2.                                                           num_labels=len(sentiment_dict),
  3.                                                           output_attentions=False,
  4.                                                           output_hidden_states=False)

通过加载这个模型,可以将其应用于金融情感分类任务,模型已经包含了预训练的权重和结构,只需要进行微调(Fine-tuning)以适应特定的任务。模型的输出将包括情感分类的预测结果。

(20)创建训练集和验证集的数据加载器(DataLoader),以便在模型训练和验证过程中批量加载数据,并在模型训练和验证过程中加载数据批次以进行前向传播和反向传播。具体实现代码如下所示。

  1. batch_size = 5
  2. dataloader_train = DataLoader(dataset_train,
  3.                               sampler=RandomSampler(dataset_train),
  4.                               batch_size=batch_size)
  5. dataloader_validation = DataLoader(dataset_val,
  6.                                    sampler=SequentialSampler(dataset_val),
  7.                                    batch_size=batch_size)

21)设置优化器和学习率调度器,以及指定训练的总周期数(epochs)。通过这些设置,可以在训练模型时使用AdamW优化器,并在每个训练周期结束后,根据学习率调度器动态调整学习率。具体实现代码如下所示。

  1. optimizer = AdamW(model.parameters(),
  2.                   lr=1e-5,
  3.                   eps=1e-8)
  4. epochs = 2
  5. scheduler = get_linear_schedule_with_warmup(optimizer,
  6.                                             num_warmup_steps=0,
  7.                                             num_training_steps=len(dataloader_train)*epochs)

22)开始训练金融情感分类模型,整个训练过程包括多个训练周期。在每个训练周期内,模型在训练数据上进行前向传播、损失计算和反向传播,然后更新模型参数。同时,会计算并打印训练损失、验证损失和F1分数,以监测模型的性能。模型的参数在每个训练周期结束后保存,以便后续的使用。具体实现代码如下所示。

  1. seed_val = 2022
  2. random.seed(seed_val)
  3. np.random.seed(seed_val)
  4. torch.manual_seed(seed_val)
  5. torch.cuda.manual_seed_all(seed_val)
  6. device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
  7. model.to(device)
  8. for epoch in tqdm(range(1, epochs+1)):
  9. model.train()
  10. loss_train_total = 0
  11. progress_bar = tqdm(dataloader_train, desc='Epoch {:1d}'.format(epoch), leave=False, disable=False)
  12. for batch in progress_bar:
  13. model.zero_grad()
  14. batch = tuple(b.to(device) for b in batch)
  15. inputs = {'input_ids': batch[0],
  16. 'attention_mask': batch[1],
  17. 'labels': batch[2],
  18. }
  19. outputs = model(**inputs)
  20. loss = outputs[0]
  21. loss_train_total += loss.item()
  22. loss.backward()
  23. torch.nn.utils.clip_grad_norm_(model.parameters(), 1.0)
  24. optimizer.step()
  25. scheduler.step()
  26. progress_bar.set_postfix({'training_loss': '{:.3f}'.format(loss.item()/len(batch))})
  27. torch.save(model.state_dict(), f'finetuned_finBERT_epoch_{epoch}.model')
  28. tqdm.write(f'\nEpoch {epoch}')
  29. loss_train_avg = loss_train_total/len(dataloader_train)
  30. tqdm.write(f'Training loss: {loss_train_avg}')
  31. val_loss, predictions, true_vals = evaluate(dataloader_validation)
  32. val_f1 = f1_score_func(predictions, true_vals)
  33. tqdm.write(f'Validation loss: {val_loss}')
  34. tqdm.write(f'F1 Score (Weighted): {val_f1}')

执行后输出显示训练过程:

  1. 0%| | 0/2 [00:00<?, ?it/s]
  2. Epoch 1: 0%| | 0/824 [00:00<?, ?it/s]
  3. Epoch 1: 0%| | 0/824 [00:01<?, ?it/s, training_loss=1.028]
  4. Epoch 1: 0%| | 1/824 [00:01<13:58, 1.02s/it, training_loss=1.028]
  5. Epoch 1: 0%| | 1/824 [00:01<13:58, 1.02s/it, training_loss=0.840]
  6. Epoch 1: 0%| | 2/824 [00:01<06:44, 2.03it/s, training_loss=0.840]
  7. Epoch 1: 0%| | 2/824 [00:01<06:44, 2.03it/s, training_loss=0.459]
  8. Epoch 1: 0%| | 3/824 [00:01<04:24, 3.10it/s, training_loss=0.459]
  9. Epoch 1: 0%| | 3/824 [00:01<04:24, 3.10it/s, training_loss=0.382]
  10. Epoch 1: 0%| | 4/824 [00:01<03:18, 4.13it/s, training_loss=0.382]
  11. Epoch 1: 0%| | 4/824 [00:01<03:18, 4.13it/s, training_loss=0.300]
  12. ######省略部分过程
  13. Epoch 1: 100%|██████████| 824/824 [01:39<00:00, 8.74it/s, training_loss=0.006]
  14. 0%| | 0/2 [01:40<?, ?it/s]
  15. Epoch 1
  16. Training loss: 0.4581567718019004
  17. ######省略部分过程
  18. 50%|█████ | 1/2 [01:44<01:44, 104.72s/it]
  19. Validation loss: 0.3778555450533606
  20. F1 Score (Weighted): 0.8753212258177056
  21. Epoch 2: 0%| | 0/824 [00:00<?, ?it/s]
  22. Epoch 2: 0%| | 0/824 [00:00<?, ?it/s, training_loss=0.004]
  23. Epoch 2: 0%| | 1/824 [00:00<01:32, 8.87it/s, training_loss=0.004]
  24. Epoch 2: 0%| | 1/824 [00:00<01:32, 8.87it/s, training_loss=0.005]
  25. ######省略部分过程
  26. Epoch 2: 100%|█████████▉| 821/824 [01:38<00:00, 8.36it/s, training_loss=0.299]
  27. Epoch 2: 100%|█████████▉| 821/824 [01:38<00:00, 8.36it/s, training_loss=0.003]
  28. Epoch 2: 100%|█████████▉| 822/824 [01:38<00:00, 8.41it/s, training_loss=0.003]
  29. Epoch 2: 100%|█████████▉| 822/824 [01:38<00:00, 8.41it/s, training_loss=0.002]
  30. Epoch 2: 100%|█████████▉| 823/824 [01:38<00:00, 8.51it/s, training_loss=0.002]
  31. Epoch 2: 100%|█████████▉| 823/824 [01:38<00:00, 8.51it/s, training_loss=0.003]
  32. Epoch 2: 100%|██████████| 824/824 [01:38<00:00, 8.74it/s, training_loss=0.003]
  33. 50%|█████ | 1/2 [03:24<01:44, 104.72s/it]
  34. Epoch 2
  35. Training loss: 0.2466177608593462
  36. 100%|██████████| 2/2 [03:28<00:00, 104.14s/it]
  37. Validation loss: 0.43929754253413067
  38. F1 Score (Weighted): 0.8823813944083021
  39. Epoch 1
  40. Training loss: 0.4581567718019004
  41. Validation loss: 0.3778555450533606
  42. F1 Score (Weighted): 0.8753212258177056
  43. Epoch 2
  44. Training loss: 0.2466177608593462
  45. Validation loss: 0.43929754253413067
  46. F1 Score (Weighted): 0.8823813944083021

在上述输出结果中,在第一个训练周期后,训练损失持续减小,而验证损失持续增加。这表明模型从第二个周期开始出现过拟合(Overfitting)的情况,因此在这种情况下,正确的做法是在第一个周期后停止训练。

过拟合是指模型在训练数据上表现良好,但在未见过的验证数据上表现较差的情况。因为模型在第一个周期已经开始出现过拟合迹象,继续训练可能会导致模型在验证集上的性能下降。停止训练以防止过拟合是一个明智的决策,可以保持模型在验证数据上的泛化性能。此外,可以通过其他技术如早停止(Early Stopping)来进一步优化模型的训练,以在适当的时机停止训练并保存性能最佳的模型。

23)根据前面的输出结果可知,最佳模型是在第一个训练周期(Epoch 1)结束时的模型。要加载这个最佳模型以进行预测,可以执行以下操作:

  1. model = AutoModelForSequenceClassification.from_pretrained("ProsusAI/finbert",
  2. num_labels=len(sentiment_dict),
  3. output_attentions=False,
  4. output_hidden_states=False)
  5. model.to(device)
  6. model.load_state_dict(torch.load('./finetuned_finBERT_epoch_1.model', map_location=torch.device('cpu')))
  7. _, predictions, true_vals = evaluate(dataloader_validation)
  8. accuracy_per_class(predictions, true_vals)

上述代码加载了之前保存的第一个周期的最佳模型,并对验证集进行情感分类预测。然后,计算并打印了每个情感类别的准确率(accuracy)。执行后会输出:

  1. Class: neutral
  2. Accuracy: 385/432
  3. Class: negative
  4. Accuracy: 81/91
  5. Class: positive
  6. Accuracy: 170/204

通过执行这段代码,可以获取模型在不同情感类别上的准确率,从而评估模型的性能和分类能力,这有助于了解模型在各个类别上的表现如何。

完结

(9-4-1)预训练模型:FinBERT-CSDN博客

声明:本文内容由网友自发贡献,转载请注明出处:【wpsshop博客】
推荐阅读
相关标签
  

闽ICP备14008679号