unslothai / unsloth

Finetune Llama 3.2, Mistral, Phi & Gemma LLMs 2-5x faster with 80% less memory
https://unsloth.ai
Apache License 2.0
17.27k stars 1.19k forks source link

Is it possible for the merge16bit to fail sometimes? #1122

Open brando90 opened 2 weeks ago

brando90 commented 2 weeks ago

I see some of my runs missing tensors compared to the ones that when I load to work on my evals e.g., see wrong

(AI4Lean) root@miranebr-math-p4de-math-aif-sft:~/data/runs/10092024_03h17m15s_run/train/merged_16bit# ls
config.json  generation_config.json  model-00001-of-00004.safetensors  model-00002-of-00004.safetensors  special_tokens_map.json  tokenizer.json  tokenizer_config.json

see a correct merge 16 bit save:

(AI4Lean) root@miranebr-math-p4de-math-aif-sft:~/data/runs/10092024_03h23m28s_run/train/merged_16bit# ls
config.json             model-00001-of-00004.safetensors  model-00003-of-00004.safetensors  model.safetensors.index.json  tokenizer.json
generation_config.json  model-00002-of-00004.safetensors  model-00004-of-00004.safetensors  special_tokens_map.json       tokenizer_config.json

is there anyway to force the save and avoid at all costs that the train run fails? @danielhanchen

brando90 commented 2 weeks ago

current rain script to reproduce

import os
import time
import torch
from datasets import Dataset
from unsloth import FastLanguageModel
from transformers import TrainingArguments
from trl import SFTTrainer
from tqdm import tqdm
from pathlib import Path
from typing import Optional
import fire
from pathlib import Path

from train.utils import load_hf_dataset

from pdb import set_trace as st

def formatting_informalization(example, tokenizer, EOS_TOKEN) -> dict:
    # Must add EOS_TOKEN, otherwise your generation will go on forever!
    informalization_prompt = """
    Below is a natural language explanation of a Theorem from the Lean4 Mathlib library.
    {}
    """
    text: str = informalization_prompt.format(example["informalization"]) + EOS_TOKEN
    return {"text": text}

def main(
        # model_name: str = "unsloth/llama-3-8b",
        # model_name: str = "unsloth/Qwen2-1.5B-bnb-4bit",
        model_name: str = "unsloth/Qwen2-1.5B",
        # model_name: str = "unsloth/gemma-2-2b",
        output_dir_train: str = "~/data/runs/{current_date}_run/train",
        train_path: str = "AI4M/leandojo-informalized",
        per_device_train_batch_size: int = 2,
        gradient_accumulation_steps: int = 4,
        num_train_epochs: int = 1,
        learning_rate: float = 2e-4,
        weight_decay: float = 0.01,
        # max_grad_norm: float = 1.0,
        max_length: int = 8192,
        warmup_steps: int = 5,
        use_4bit: bool = False,
        r_lora: int = 16, # rank of B, A and r in alpha/r
        lora_alpha: int = 16, # alpha/r B*A
        # optim="adamw_8bit",
        optim="paged_adamw_32bit",
        logging_steps: int = 1,
        seed: int = 0,
        model_hub_save_name: Optional[str] = None,
        push_to_hub: Optional[bool] = False,
        hf_token: Optional[str] = None,
        packing: bool = False, # Can make training 5x faster for short sequences if False. TODO check why
        end: Optional[int] = None, # 50 is big enough for packing to work/no code crash
        report_to: str = 'none',
    ):
    print('\n\n\n\n---- Unsloth main training')
    print(f'{packing=} {model_name=} {end=}')
    print(f'{learning_rate=} {lora_alpha=} {r_lora=} {lora_alpha/r_lora=}')
    print(f'{logging_steps=}')
    current_date: str = os.environ['DATE'] # export DATE=$(python -c "from datetime import datetime; print(datetime.now().strftime('%m%d%Y_%Ih%Mm%Ss'))")
    output_dir_train: str = os.path.expanduser(output_dir_train).format(current_date=current_date)
    print(f'{output_dir_train=}')
    time.sleep(3) # sleep to give user time to see/copy important info for run

    # Load model and tokenizer
    print(f'{use_4bit=}')
    model, tokenizer = FastLanguageModel.from_pretrained(
        model_name=model_name,
        max_seq_length=max_length,
        dtype=None,  # Auto-detection for Float16/BFloat16
        load_in_4bit=use_4bit,
    )
    print(f'dtype={next(model.parameters()).dtype}')

    # Add LoRA adapters
    model: FastLanguageModel = FastLanguageModel.get_peft_model(
        model=model,
        r=r_lora,
        target_modules=["q_proj", "k_proj", "v_proj", "o_proj", "gate_proj", "up_proj", "down_proj"],
        lora_alpha=lora_alpha,
        lora_dropout=0,
        bias="none",
        use_gradient_checkpointing="unsloth",
        random_state=seed,
        use_rslora=False,
        loftq_config=None,
    )
    # import uutils.evals.boxed_acc_eval
    # uutils.evals.boxed_acc_eval.eval_on_four_math_benchmarks(model_name, gen_type='unsloth_fast_model', batch_size=10, end=10)

    # - Load the datasets
    print(f'\n- Load the dataset')
    # train_dataset: Dataset = load_hf_dataset(train_path, tokenizer=None, max_length=None) # trl does tokenization
    train_dataset: Dataset = load_hf_dataset(train_path, tokenizer=None, max_length=max_length, end=end) # trl does tokenization
    # formatting_func = lambda example: f'{example}' # Func formats the str before tokenization e.g., "### Question: {question} ### Answer: {answer}"

    # Training arguments
    output_dir_train: Path = Path(output_dir_train).expanduser()
    output_dir_train.mkdir(parents=True, exist_ok=True)
    training_args = TrainingArguments(
        per_device_train_batch_size=per_device_train_batch_size,
        gradient_accumulation_steps=gradient_accumulation_steps,
        warmup_steps=warmup_steps,
        num_train_epochs=num_train_epochs,
        learning_rate=learning_rate,
        # max_grad_norm=max_grad_norm,
        fp16=not torch.cuda.is_bf16_supported(),
        bf16=torch.cuda.is_bf16_supported(),
        logging_steps=logging_steps,
        optim=optim,
        weight_decay=weight_decay,
        lr_scheduler_type="linear",
        seed=seed,
        output_dir=output_dir_train,
        report_to=report_to,
    )
    print(f'{training_args=}')

    # Initialize the Trainer
    print(f'-- Initialize the Trainer')
    trainer = SFTTrainer(
        model=model,
        tokenizer=tokenizer,
        train_dataset=train_dataset,
        dataset_text_field="text",
        max_seq_length=max_length,
        dataset_num_proc=2,
        packing=packing,
        args=training_args,
    )
    print(f"-- Starting training for {num_train_epochs} epoch(s)...")
    trainer_stats = trainer.train()

    # Show memory usage
    gpu_stats = torch.cuda.get_device_properties(0)
    start_gpu_memory = round(torch.cuda.max_memory_reserved() / 1024 / 1024 / 1024, 3)
    max_memory = round(gpu_stats.total_memory / 1024 / 1024 / 1024, 3)
    used_memory = round(torch.cuda.max_memory_reserved() / 1024 / 1024 / 1024, 3)
    used_memory_for_lora = round(used_memory - start_gpu_memory, 3)
    used_percentage = round(used_memory / max_memory * 100, 3)
    lora_percentage = round(used_memory_for_lora / max_memory * 100, 3)

    print(f"GPU = {gpu_stats.name}. Max memory = {max_memory} GB.")
    print(f"{used_memory} GB of memory reserved.")
    print(f"{used_memory_for_lora} GB used for LoRA.")
    print(f"{used_percentage}% of GPU memory used.")
    print(f"{lora_percentage}% used for training LoRA.")

    # Save the trained model
    if push_to_hub and model_hub_save_name and hf_token:
        print(f'{model_hub_save_name=} (unsloth doesnt have an api to save to a hf repo or hf org etc. so it will be save to your)')
        model.push_to_hub_merged(
            model_hub_save_name,
            tokenizer=tokenizer,
            save_method="merged_16bit",
            token=hf_token,
        )
    else:
        print(f'{output_dir_train=}\n{str(output_dir_train)=}\n{output_dir_train}')
        final_ckpt_path: str = str(output_dir_train / 'merged_16bit')
        print(f'{final_ckpt_path=}\n{str(final_ckpt_path)=}\n{final_ckpt_path}')
        model.save_pretrained_merged(final_ckpt_path, tokenizer, save_method="merged_16bit")

    # -- Do Math Evals
    # import uutils.evals.boxed_acc_eval
    # uutils.evals.boxed_acc_eval.eval_on_four_math_benchmarks(model_name, gen_type='unsloth_fast_model', batch_size=100, end=100) 
    return output_dir_train

def get_most_recent_ckpt_path(output_dir: str) -> str:
    def get_latest_checkpoint(output_dir) -> str:
        checkpoints: list[str] = [d for d in os.listdir(output_dir) if d.startswith("checkpoint")]
        latest_checkpoint: str = max(checkpoints, key=lambda x: int(x.split("-")[-1]))  # Get the checkpoint with the highest number
        return os.path.join(output_dir, latest_checkpoint)
    get_latest_ckpt: str = get_latest_checkpoint(trainer.args.output_dir)
    return get_latest_ckpt

def do_math_evals(
        ckpt_dir: Path, # usually the output_dir_train from above
    ):
    # DOESN'T WORK 
    print(f'---> DOING MATH EVALS: {do_math_evals=}')
    # print(f'{ckpt_dir=}')
    import time
    start_time = time.time()
    ckpt_dir: Path = ckpt_dir.expanduser()
    model_name: str = str(ckpt_dir / 'checkpoint-5')
    import gc; gc.collect(); import torch; torch.cuda.empty_cache();
    # - Get most recent ckpt path
    # latest_ckpt_path: str = get_most_recent_ckpt_path(ckpt_dir)
    # -- Do Math Evals
    import uutils.evals.boxed_acc_eval
    # model_name: str = os.path.expanduser('~/data/runs/09302024_07h34m20s_run/train/checkpoint-5')
    print(f'{model_name=}')
    uutils.evals.boxed_acc_eval.eval_on_four_math_benchmarks(model_name, gen_type='unsloth_fast_model', batch_size=100, end=100) 
    # uutils.evals.boxed_acc_eval.eval_on_four_math_benchmarks(model_name, gen_type='unsloth_fast_model', batch_size=2, end=2) 
    # uutils.evals.boxed_acc_eval.eval_on_four_math_benchmarks(model_name, gen_type='unsloth_fast_model', batch_size=2, end=2) 
    # uutils.evals.boxed_acc_eval.eval_on_four_math_benchmarks(model_name, gen_type='pipeline', batch_size=2, end=2) 
    # uutils.evals.boxed_acc_eval.eval_on_four_math_benchmarks(model_name, gen_type='pipeline', batch_size100, end=100) 
    print(f"> Eval Time taken: {time.time() - start_time:.2f} seconds, or {(time.time() - start_time) / 60:.2f} minutes, or {(time.time() - start_time) / 3600:.2f} hours.\a")

if __name__ == "__main__":
    import time
    start_time = time.time()
    output_dir_train: Path = fire.Fire(main)
    # do_math_evals(ckpt_dir=output_dir_train)
    # do_math_evals(ckpt_dir='')
    print(f"Time taken: {time.time() - start_time:.2f} seconds, or {(time.time() - start_time) / 60:.2f} minutes, or {(time.time() - start_time) / 3600:.2f} hours.\a")
brando90 commented 2 weeks ago

also saw another failed run with error

 17%|█▋        | 2000/11871 [1:17:51<6:57:03,  2.54s/it]Traceback (most recent call last):
  File "/data/miranebr-sandbox/AI4Lean/py_src/train/sft/lora_or_qlora_sft_unsloth.py", line 203, in <module>
    output_dir_train: Path = fire.Fire(main)
                             ^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/fire/core.py", line 143, in Fire
    component_trace = _Fire(component, args, parsed_flag_args, context, name)
                      ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/fire/core.py", line 477, in _Fire
    component, remaining_args = _CallAndUpdateTrace(
                                ^^^^^^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/fire/core.py", line 693, in _CallAndUpdateTrace
    component = fn(*varargs, **kwargs)
                ^^^^^^^^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/AI4Lean/py_src/train/sft/lora_or_qlora_sft_unsloth.py", line 131, in main
    trainer_stats = trainer.train()
                    ^^^^^^^^^^^^^^^
  File "<string>", line 140, in train
  File "<string>", line 437, in _fast_inner_training_loop
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/transformers/trainer.py", line 2918, in _maybe_log_save_evaluate
    self._save_checkpoint(model, trial, metrics=metrics)
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/transformers/trainer.py", line 3008, in _save_checkpoint
    self.save_model(output_dir, _internal_call=True)
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/transformers/trainer.py", line 3623, in save_model
    self._save(output_dir)
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/transformers/trainer.py", line 3727, in _save
    self.model.save_pretrained(
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/peft/peft_model.py", line 343, in save_pretrained
    safe_save_file(
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/safetensors/torch.py", line 286, in save_file
    serialize_file(_flatten(tensors), filename, metadata=metadata)
safetensors_rust.SafetensorError: Error while serializing: IoError(Os { code: 28, kind: StorageFull, message: "No space left on device" })
 17%|█▋        | 2000/11871 [1:17:52<6:24:22,  2.34s/it]
brando90 commented 2 weeks ago

same error it seems:

Unsloth: Merging 4bit and LoRA weights to 16bit...
Unsloth: Will use up to 769.01 out of 1121.81 RAM for saving.
100%|██████████| 32/32 [00:00<00:00, 64.95it/s]
Unsloth: Saving tokenizer... Done.
Unsloth: Saving model... This might take 5 minutes for Llama-7b...
Traceback (most recent call last):
  File "/data/miranebr-sandbox/AI4Lean/py_src/train/sft/lora_or_qlora_sft_unsloth.py", line 203, in <module>
    output_dir_train: Path = fire.Fire(main)
                             ^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/fire/core.py", line 143, in Fire
    component_trace = _Fire(component, args, parsed_flag_args, context, name)
                      ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/fire/core.py", line 477, in _Fire
    component, remaining_args = _CallAndUpdateTrace(
                                ^^^^^^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/fire/core.py", line 693, in _CallAndUpdateTrace
    component = fn(*varargs, **kwargs)
                ^^^^^^^^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/AI4Lean/py_src/train/sft/lora_or_qlora_sft_unsloth.py", line 161, in main
    model.save_pretrained_merged(final_ckpt_path, tokenizer, save_method="merged_16bit")
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/unsloth/save.py", line 1216, in unsloth_save_pretrained_merged
    unsloth_save_model(**arguments)
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/torch/utils/_contextlib.py", line 116, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/unsloth/save.py", line 690, in unsloth_save_model
    internal_model.save_pretrained(**save_pretrained_settings)
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/transformers/modeling_utils.py", line 2830, in save_pretrained
    safe_save_file(shard, os.path.join(save_directory, shard_file), metadata={"format": "pt"})
  File "/data/miranebr-sandbox/.virtualenvs/AI4Lean_unsloth/lib/python3.11/site-packages/safetensors/torch.py", line 286, in save_file
    serialize_file(_flatten(tensors), filename, metadata=metadata)
safetensors_rust.SafetensorError: Error while serializing: IoError(Os { code: 28, kind: StorageFull, message: "No space left on device" })
brando90 commented 2 weeks ago

related: https://github.com/bentoml/OpenLLM/issues/754

brando90 commented 2 weeks ago

related: https://github.com/unslothai/unsloth/issues/935

perhaps one solution for those that can do it is to save to hub if local space is too large or something.

But some of my runs did succeed in saving locally so idk what the issue was.

Sneakr commented 1 week ago

@brando90 The error you linked:

Error while serializing: IoError(Os { code: 28, kind: StorageFull, message: "No space left on device" })

Tells you what the issue is - No space left on device

perhaps one solution for those that can do it is to save to hub if local space is too large or something.

How would that be possible if the file does not exist on your storage, there''s nothing to save (upload) to hub.

brando90 commented 1 week ago

I read the issue. Sometimes it does save it sometimes it doesn't. Even after the warning. I have no idea what's going on tbh @Sneakr

Sneakr commented 1 week ago

@brando90

To debug, you can try loading the LORA adapter manually after fine tuning is finished and save it like this in a seperate script.

    model, tokenizer = FastLanguageModel.from_pretrained(
        model_name=model_id, ## Your lora adapter model path
        max_seq_length=max_seq_length,
        dtype=torch.bfloat16,
        load_in_4bit=False,
    )
    print("Model loaded")
    model = model.merge_and_unload()
    model = model.to(torch.bfloat16)
    model.save_pretrained(save_dir)
    tokenizer.save_pretrained(save_dir)
    print("Model saved")
danielhanchen commented 3 days ago

Apologies on the delay @brando90 - it seems like your disk is full - is this via Kaggle / Colab?