BERT微调的优化器和调度程序

时间:2020-02-07 19:40:11

标签: nlp pytorch huggingface-transformers

我正在尝试使用BERT(使用transformers库)对模型进行微调,但我不确定优化器和调度程序。

首先,我了解我应该使用transformers.AdamW而不是Pytorch的版本。另外,我们应该按照本文中的建议使用预热调度程序,以便使用get_linear_scheduler_with_warmup包中的transformers函数来创建调度程序。

我的主要问题是:

  1. get_linear_scheduler_with_warmup应该在预热时调用。可以在10个时间段中使用2个进行预热吗?
  2. 我应何时致电scheduler.step()?如果我在train之后进行学习,则第一个时期的学习率为零。我应该为每个批次叫吗?

我在这方面做错了吗?

from transformers import AdamW
from transformers.optimization import get_linear_scheduler_with_warmup

N_EPOCHS = 10

model = BertGRUModel(finetune_bert=True,...)
num_training_steps = N_EPOCHS+1
num_warmup_steps = 2
warmup_proportion = float(num_warmup_steps) / float(num_training_steps)  # 0.1

optimizer = AdamW(model.parameters())
criterion = nn.BCEWithLogitsLoss(pos_weight=torch.Tensor([class_weights[1]]))


scheduler = get_linear_schedule_with_warmup(
    optimizer, num_warmup_steps=num_warmup_steps, 
    num_training_steps=num_training_steps
)

for epoch in range(N_EPOCHS):
    scheduler.step() #If I do after train, LR = 0 for the first epoch
    print(optimizer.param_groups[0]["lr"])

    train(...) # here we call optimizer.step()
    evaluate(...)

我的模型和训练例程(非常类似于this notebook

class BERTGRUSentiment(nn.Module):
    def __init__(self,
                 bert,
                 hidden_dim,
                 output_dim,
                 n_layers=1, 
                 bidirectional=False,
                 finetune_bert=False,
                 dropout=0.2):

        super().__init__()

        self.bert = bert

        embedding_dim = bert.config.to_dict()['hidden_size']

        self.finetune_bert = finetune_bert

        self.rnn = nn.GRU(embedding_dim,
                          hidden_dim,
                          num_layers = n_layers,
                          bidirectional = bidirectional,
                          batch_first = True,
                          dropout = 0 if n_layers < 2 else dropout)

        self.out = nn.Linear(hidden_dim * 2 if bidirectional else hidden_dim, output_dim)        
        self.dropout = nn.Dropout(dropout)

    def forward(self, text):    
        #text = [batch size, sent len]

        if not self.finetune_bert:
            with torch.no_grad():
                embedded = self.bert(text)[0]
        else:
            embedded = self.bert(text)[0]
        #embedded = [batch size, sent len, emb dim]
        _, hidden = self.rnn(embedded)

        #hidden = [n layers * n directions, batch size, emb dim]

        if self.rnn.bidirectional:
            hidden = self.dropout(torch.cat((hidden[-2,:,:], hidden[-1,:,:]), dim = 1))
        else:
            hidden = self.dropout(hidden[-1,:,:])

        #hidden = [batch size, hid dim]

        output = self.out(hidden)

        #output = [batch size, out dim]

        return output


import torch
from sklearn.metrics import accuracy_score, f1_score


def train(model, iterator, optimizer, criterion, max_grad_norm=None):
    """
    Trains the model for one full epoch
    """
    epoch_loss = 0
    epoch_acc = 0

    model.train()

    for i, batch in enumerate(iterator):
        optimizer.zero_grad()
        text, lens = batch.text

        predictions = model(text)

        target = batch.target

        loss = criterion(predictions.squeeze(1), target)

        prob_predictions = torch.sigmoid(predictions)

        preds = torch.round(prob_predictions).detach().cpu()
        acc = accuracy_score(preds, target.cpu())

        loss.backward()
        # Gradient clipping
        if max_grad_norm:
            torch.nn.utils.clip_grad_norm_(model.parameters(), max_grad_norm)

        optimizer.step()

        epoch_loss += loss.item()
        epoch_acc += acc.item()

    return epoch_loss / len(iterator), epoch_acc / len(iterator)


2 个答案:

答案 0 :(得分:6)

Here,您可以看到使用get_linear_scheduler_with_warmup的学习率变化的可视化。

请参阅this评论:“预热步骤”是一个参数,用于降低学习率,以减少因学习而偏离模型对突然出现的新数据集的影响。

默认情况下,预热步骤的数量为0。

然后您将迈出更大的一步,因为您可能未达到最低要求。但是,当您接近最低要求时,您会采取较小的步骤来收敛到最低要求。

此外,请注意,训练步骤的数量为number of batches * number of epochs,而不仅仅是number of epochs。因此,基本上num_training_steps = N_EPOCHS+1是不正确的,除非您的batch_size等于训练集的大小。

scheduler.step()之后,每批调用optimizer.step(),以更新学习率。

答案 1 :(得分:1)

我认为几乎不可能给出100%完美的答案,但是您当然可以从其他脚本的执行方式中获得启发。最好的开始之处是拥抱面存储库本身的examples/目录,例如,您可以在其中找到this excerpt

if (step + 1) % args.gradient_accumulation_steps == 0:
    if args.fp16:
        torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), args.max_grad_norm)
    else:
        torch.nn.utils.clip_grad_norm_(model.parameters(), args.max_grad_norm)

    optimizer.step()
    scheduler.step()  # Update learning rate schedule
    model.zero_grad()
    global_step += 1

如果我们查看周围的部分,这基本上是在每次您向后传递时更新LR时间表。在同一示例中,您还可以查看warmup_steps的默认值0。根据我的理解,微调时不一定需要预热,但是我对此方面不太确定,还会与其他脚本一起检查。