LLaMA-Factory-Mirror/scripts/cal_lr.py

97 lines
3.7 KiB
Python
Raw Normal View History

2023-11-14 20:58:37 +08:00
# coding=utf-8
2024-06-15 17:54:33 +08:00
# Copyright 2024 imoneoi and the LlamaFactory team.
#
2024-06-16 01:06:41 +08:00
# This code is inspired by the imoneoi's OpenChat library.
2024-06-15 17:54:33 +08:00
# https://github.com/imoneoi/openchat/blob/3.6.0/ochat/training_deepspeed/train.py
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
2023-11-14 20:58:37 +08:00
import math
2024-05-04 23:05:17 +08:00
from typing import Literal
2024-01-20 20:15:56 +08:00
import fire
import torch
2023-11-14 20:58:37 +08:00
from torch.utils.data import DataLoader
2024-01-20 20:15:56 +08:00
from tqdm import tqdm
2024-02-19 02:09:13 +08:00
from transformers import DataCollatorForLanguageModeling, DataCollatorForSeq2Seq
2023-11-14 20:58:37 +08:00
2024-05-16 18:39:08 +08:00
from llamafactory.data import get_dataset
from llamafactory.extras.constants import IGNORE_INDEX
from llamafactory.hparams import get_train_args
from llamafactory.model import load_tokenizer
2023-11-14 20:58:37 +08:00
2024-01-20 20:15:56 +08:00
BASE_LR = 3e-4 # 1.5e-4 for 30B-70B models
BASE_BS = 4_000_000 # from llama paper
2023-11-14 20:58:37 +08:00
def calculate_lr(
model_name_or_path: str,
batch_size: int, # total batch size, namely (batch size * gradient accumulation * world size)
2024-05-04 23:05:17 +08:00
stage: Literal["pt", "sft"] = "sft",
2024-05-04 22:02:25 +08:00
dataset: str = "alpaca_en",
dataset_dir: str = "data",
template: str = "default",
cutoff_len: int = 1024, # i.e. maximum input length during training
2024-08-09 19:16:23 +08:00
is_mistral_or_gemma: bool = False, # mistral and gemma models opt for a smaller learning rate,
2024-07-03 20:07:44 +08:00
packing: bool = False,
2023-11-14 20:58:37 +08:00
):
2024-06-15 17:54:33 +08:00
r"""
Calculates the optimal learning rate for 7B/13B models using LLaMA's hyper-parameters.
Usage: python cal_lr.py --model_name_or_path path_to_model --dataset alpaca_en --cutoff_len 1024 --batch_size 16
"""
2024-04-03 18:14:24 +08:00
model_args, data_args, training_args, _, _ = get_train_args(
2024-01-20 20:15:56 +08:00
dict(
2024-02-19 02:09:13 +08:00
stage=stage,
2024-01-20 20:15:56 +08:00
model_name_or_path=model_name_or_path,
dataset=dataset,
dataset_dir=dataset_dir,
2024-02-19 02:09:13 +08:00
template=template,
2024-01-20 20:15:56 +08:00
cutoff_len=cutoff_len,
2024-07-03 20:07:44 +08:00
packing=packing,
2024-01-20 20:15:56 +08:00
output_dir="dummy_dir",
2024-02-19 02:09:13 +08:00
overwrite_cache=True,
2024-07-15 01:04:56 +08:00
do_train=True,
2024-01-20 20:15:56 +08:00
)
)
2024-04-26 05:44:30 +08:00
tokenizer_module = load_tokenizer(model_args)
tokenizer = tokenizer_module["tokenizer"]
2024-07-15 01:04:56 +08:00
trainset = get_dataset(model_args, data_args, training_args, stage, **tokenizer_module)["train_dataset"]
2024-02-19 02:09:13 +08:00
if stage == "pt":
data_collator = DataCollatorForLanguageModeling(tokenizer=tokenizer, mlm=False)
elif stage == "sft":
data_collator = DataCollatorForSeq2Seq(tokenizer=tokenizer, label_pad_token_id=IGNORE_INDEX)
else:
2024-07-03 20:07:44 +08:00
raise NotImplementedError("Stage does not supported: {}.".format(stage))
2024-02-19 02:09:13 +08:00
2024-07-15 01:04:56 +08:00
dataloader = DataLoader(trainset, batch_size, shuffle=False, collate_fn=data_collator, pin_memory=True)
2023-11-14 20:58:37 +08:00
valid_tokens, total_tokens = 0, 0
for batch in tqdm(dataloader):
valid_tokens += torch.sum(batch["labels"] != IGNORE_INDEX).item()
total_tokens += torch.numel(batch["labels"])
2024-01-20 20:15:56 +08:00
batch_max_len = cutoff_len * batch_size # max tokens in a batch
2023-11-14 20:58:37 +08:00
valid_ratio = valid_tokens / total_tokens
batch_valid_len = batch_max_len * valid_ratio
2024-01-20 20:15:56 +08:00
lr = BASE_LR * math.sqrt(batch_valid_len / BASE_BS) # lr ~ sqrt(batch_size)
2024-08-09 19:16:23 +08:00
lr = lr / 6.0 if is_mistral_or_gemma else lr
2024-01-20 20:15:56 +08:00
print(
"Optimal learning rate is {:.2e} for valid ratio% {:.2f} and effective batch size {:.2f}".format(
lr, valid_ratio * 100, batch_valid_len
)
)
2023-11-14 20:58:37 +08:00
if __name__ == "__main__":
fire.Fire(calculate_lr)