gritlm


Namegritlm JSON
Version 1.0.0 PyPI version JSON
download
home_pagehttps://github.com/ContextualAI/gritlm
SummaryGritLM
upload_time2024-02-16 02:00:06
maintainer
docs_urlNone
authorNiklas Muennighoff
requires_python>=3.7.0
licenseApache
keywords text generation text embeddings instruction tuning
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            ## GRIT

![](visuals/octopus.jpg)

This repository provides all materials for the paper [Generative Representational Instruction Tuning](https://arxiv.org/abs/2402.09906). We continue developing the repository and welcome any contributions. If you want to use the code in the exact same way as in the paper, please use the 1.0.0 release at commit hash `TODO`.

- [Inference](#inference)
- [Training](#training)
    - [Data](#data)
    - [Run](#run)
- [Evaluation](#evaluation)
    - [Embedding](#embedding)
    - [Generative](#generative)
- [Known issues](#known-issues)
- [Acknowledgements](#acknowledgements)
- [Citation](#citation)

### Inference

`pip install gritlm`


```python
from gritlm import GritLM

# Loads the model for both capabilities; If you only need embedding pass `mode="embedding"` to save memory (no lm head)
model = GritLM("GritLM/GritLM-7B", torch_dtype="auto")
# To load the 8x7B you will likely need multiple GPUs.
# All the kwargs are passed to HF from_pretrained so you can just do the below to load on multiple GPUs:
# model = GritLM("GritLM/GritLM-8x7B", torch_dtype="auto", device_map="auto")
# You can also load other models e.g.
# model = GritLM("Muennighoff/SGPT-125M-weightedmean-nli-bitfit", pooling_method="weighted_mean", attn=None)
# model = GritLM("hkunlp/instructor-base", pooling_method="mean", attn=None)

### Embedding/Representation ###
instruction = "Given a scientific paper title, retrieve the paper's abstract"
queries = ['Bitcoin: A Peer-to-Peer Electronic Cash System', 'Generative Representational Instruction Tuning']
documents = [
    "A purely peer-to-peer version of electronic cash would allow online payments to be sent directly from one party to another without going through a financial institution. Digital signatures provide part of the solution, but the main benefits are lost if a trusted third party is still required to prevent double-spending. We propose a solution to the double-spending problem using a peer-to-peer network. The network timestamps transactions by hashing them into an ongoing chain of hash-based proof-of-work, forming a record that cannot be changed without redoing the proof-of-work. The longest chain not only serves as proof of the sequence of events witnessed, but proof that it came from the largest pool of CPU power. As long as a majority of CPU power is controlled by nodes that are not cooperating to attack the network, they'll generate the longest chain and outpace attackers. The network itself requires minimal structure. Messages are broadcast on a best effort basis, and nodes can leave and rejoin the network at will, accepting the longest proof-of-work chain as proof of what happened while they were gone.",
    "All text-based language problems can be reduced to either generation or embedding. Current models only perform well at one or the other. We introduce generative representational instruction tuning (GRIT) whereby a large language model is trained to handle both generative and embedding tasks by distinguishing between them through instructions. Compared to other open models, our resulting GritLM 7B sets a new state of the art on the Massive Text Embedding Benchmark (MTEB) and outperforms all models up to its size on a range of generative tasks. By scaling up further, GritLM 8X7B outperforms all open generative language models that we tried while still being among the best embedding models. Notably, we find that GRIT matches training on only generative or embedding data, thus we can unify both at no performance loss. Among other benefits, the unification via GRIT speeds up Retrieval-Augmented Generation (RAG) by > 60% for long documents, by no longer requiring separate retrieval and generation models. Models, code, etc. are freely available at https://github.com/ContextualAI/gritlm."
]

def gritlm_instruction(instruction):
    return "<|user|>\n" + instruction + "\n<|embed|>\n" if instruction else "<|embed|>\n"

# No need to add instruction for retrieval documents
d_rep = model.encode(documents, instruction=gritlm_instruction(""))
q_rep = model.encode(queries, instruction=gritlm_instruction(instruction))

from scipy.spatial.distance import cosine
cosine_sim_q0_d0 = 1 - cosine(q_rep[0], d_rep[0])
cosine_sim_q0_d1 = 1 - cosine(q_rep[0], d_rep[1])
cosine_sim_q1_d0 = 1 - cosine(q_rep[1], d_rep[0])
cosine_sim_q1_d1 = 1 - cosine(q_rep[1], d_rep[1])

print("Cosine similarity between \"%s\" and \"%s\" is: %.3f" % (queries[0][:15], documents[0][:15], cosine_sim_q0_d0))
# Cosine similarity between "Bitcoin: A Peer" and "A purely peer-t" is: 0.608
print("Cosine similarity between \"%s\" and \"%s\" is: %.3f" % (queries[0][:15], documents[1][:15], cosine_sim_q0_d1))
# Cosine similarity between "Bitcoin: A Peer" and "All text-based " is: 0.101
print("Cosine similarity between \"%s\" and \"%s\" is: %.3f" % (queries[1][:15], documents[0][:15], cosine_sim_q1_d0))
# Cosine similarity between "Generative Repr" and "A purely peer-t" is: 0.120
print("Cosine similarity between \"%s\" and \"%s\" is: %.3f" % (queries[1][:15], documents[1][:15], cosine_sim_q1_d1))
# Cosine similarity between "Generative Repr" and "All text-based " is: 0.533

### Generation ###
# We did not finetune GritLM models with system prompts, as you can just include system-like instructions together with your user instruction
messages = [
    {"role": "user", "content": "Please write me a poem about my recent hike of Mt. Fuji at midnight in the style of Shakespeare."},
]
encoded = model.tokenizer.apply_chat_template(messages, add_generation_prompt=True, return_tensors="pt")
encoded = encoded.to(model.device)
gen = model.generate(encoded, max_new_tokens=256, do_sample=False)
decoded = model.tokenizer.batch_decode(gen)
print(decoded[0])
"""
<s> <|user|>
Please write me a poem about my recent hike of Mt. Fuji at midnight in the style of Shakespeare.
<|assistant|>
Oh, Mt. Fuji, mountain grand,
A sight to see, a climb to command,
At midnight, in the dark of night,
I climbed your slopes, with all my might.

The stars above, they shone so bright,
A beacon in the darkness, guiding light,
The wind did blow, with a gentle sigh,
As I climbed higher, with a steady eye.

The path was steep, the climb was tough,
But I pressed on, with a steadfast rough,
For the summit, I longed to see,
The view from the top, a sight to be.

At last, I reached the peak, and stood,
With awe and wonder, I gazed aloud,
The world below, a sight to see,
A view that's worth the climb, you'll agree.

Mt. Fuji, mountain grand,
A sight to see, a climb to command,
At midnight, in the dark of night,
I climbed your slopes, with all my might.</s>
"""
```

### Pretrained models

The weights and logs of all models from the paper are freely available:
- Weights: https://huggingface.co/GritLM
- Logs: https://wandb.ai/muennighoff/gritlm/overview?workspace=user-muennighoff

The names will not always match across HF & WandB, but you can usually figure out which belongs to which via the `--output_dir` in the command. Note that we renamed all models from `sgpt2` to `gritlm` at some point, so some names/logs/commands contain the old name.

Shortcuts:
- sq = sequence length; sq2048 is 2048 tokens
- ep = epochs; ep1 is 1 epoch
- st = steps; st100 is 100 steps
- m7/m8x7/l7/g6 = base model is Mistral 7B/Mistral 8x7B/Llama 2 7B/GPT-J 6B
- emb/gen/gritlm = embedding, generative, unified
- bf16c = embeddings are cast back to bf16 after pooling and similarity computation is also done in bf16 (simulating how cached embeddings would operate)
- bb/cc/bbcc... = order of bidirectional vs causal attention
- gendups = not using `--use_unique_indices` during training. If not used and training is unified, then data is duplicated worsening performance

The most important ones are:

| Model | Description | Emb performance (MTEB) | Gen performance |
|:------|:-----------:|:----------------------:| :--------------:|
| [GritLM-7B](https://huggingface.co/GritLM/gritlm-7b) | 7B parameter model that uses bidirectional attention for embedding and causal attention for generation. It is finetuned from Mistral-7B | 66.8 | 55.5 |
| [GritLM-8x7B](https://huggingface.co/GritLM/gritlm-8x7b) | 7B parameter model that uses bidirectional attention for embedding and causal attention for generation. It is finetuned from Mistral-8x7B | 65.7 | 65.7 |

For `GritLM-7B` and `GritLM-8x7B`, the folder contains a custom modeling file (`modeling_gritlm*.py`) which adds bidirectional attention via the keyword argument `is_causal`, such that if you load them with `from_pretrained` in transformers, it is automatically available. We did not add this for any other models uploaded to the organization, thus for those, you need to either add it yourself or simply replace the `modeling_mistral.py` & `modeling_mixtral.py` files in your transformers installation with `scripts/modeling_mistral_gritlm.py` & `scripts/modeling_mixtral_gritlm.py`. Note that for models that do not use bidirectional attention or when you do not intend to use the bidirectional attention (e.g. for generation), you don't need to do anything.


### Training

#### Data

The repo uses the below format. See `training/toy_data.jsonl` for an example.

Format:
- Embedding data: `{"query": str, "pos": List[str], "neg": List[str]}`
- Embedding data with instructions that are excluded from the embedding & loss: `{"query": List[str, str], "pos": List[List[str, str]], "neg": List[List[str, str]]}`
    - The 1st element in the inner list is the instruction and the 2nd is the text to embed.
- Generative data: `{"text": str}`
- Generative data with instructions that are excluded from the loss: `{"text": List[str]}`
    - The 1st/3rd/5th.. element is the instruction and the 2nd/4th/6th.. is the response. If you only want single-turn chat then just put two elements, for multi-turn put more.


We release the below datasets:
- Embedding:
  - MEDI (https://hf.co/datasets/GritLM/MEDI)
  - MEDI2 (https://hf.co/datasets/GritLM/MEDI2)
  - MEDI2BGE (https://hf.co/datasets/GritLM/MEDI2BGE)
- Generative:
  - https://hf.co/datasets/GritLM/tulu2

They are explained in more detail in the paper and its appendix. So to e.g. train a GRIT model on MEDI2 & Tulu2, simply download both via `git clone https...` and then place them in the same directory and follow the instructions below to run. Unfortunately, we cannot release the E5S data used for our final models.

#### Run

Setup:
```bash
git clone https://github.com/ContextualAI/gritlm`
cd gritlm
pip install -e .
cd gritlm
````

Below are easy examples for getting started:

**Embedding model**

```bash
torchrun --nproc_per_node 1 \
-m training.run \
--output_dir test_path \
--model_name_or_path openaccess-ai-collective/tiny-mistral \
--train_data training/toy_data/toy_data_embedding.jsonl \
--learning_rate 1e-5 \
--num_train_epochs 5 \
--per_device_train_batch_size 2 \
--dataloader_drop_last True \
--normalized True \
--temperature 0.02 \
--query_max_len 32 \
--passage_max_len 128 \
--train_group_size 2 \
--negatives_cross_device \
--mode embedding
```

**Generative model**

```bash
torchrun --nproc_per_node 1 \
-m training.run \
--output_dir test_path \
--model_name_or_path openaccess-ai-collective/tiny-mistral \
--train_data training/toy_data/toy_data_generative.jsonl \
--learning_rate 1e-5 \
--num_train_epochs 5 \
--per_device_train_batch_size 2 \
--dataloader_drop_last True \
--passage_max_len 128 \
--mode generative
```

**Unified model (GRIT)**

```bash
torchrun --nproc_per_node 1 \
-m training.run \
--output_dir test_path \
--model_name_or_path openaccess-ai-collective/tiny-mistral \
--train_data training/toy_data \
--learning_rate 1e-5 \
--num_train_epochs 5 \
--per_device_train_batch_size 2 \
--dataloader_drop_last True \
--normalized True \
--temperature 0.02 \
--query_max_len 32 \
--passage_max_len 128 \
--train_group_size 2 \
--negatives_cross_device \
--mode unified
```

All arguments are explained in `training/arguments.py` or the [HF TrainingArguments documentation](https://hf.co/docs/transformers/main/en/main_classes/trainer#transformers.TrainingArguments) except for `nproc_per_node` which is the number of GPUs per node. For our actual training runs, we use accelerate to easily use multiple nodes and GPUs. The scripts are all in `scripts/training`, for example `scripts/training/train_gritlm_8x7b.sh` was used for GritLM-8x7B. For models from the ablations, you can check their folder on the huggingface hub which contains a `training_args.bin` file with the arguments. You can also check all their arguments on the WandB: https://wandb.ai/muennighoff/gritlm.

### Evaluation

#### Embedding

```bash
cd gritlm
python evaluation/eval_mteb.py \
--model_name_or_path GritLM/GritLM-7B \
--task_types Classification,Clustering,PairClassification,Reranking,Retrieval,STS,Summarization \
--batch_size 32
```

For a faster way, check `scripts/eval_mteb.sh` which submits jobs across multiple GPUs for each dataset.

#### Generative

```bash
## Setup
# Setup eval for MMLU/GSM8K/BBH/TyDi QA/Alpaca
git clone https://github.com/Muennighoff/open-instruct.git
cd open-instruct
pip install -r requirements.txt
bash ./scripts/prepare_eval_data.sh
cd ..
# Setup eval for HumanEvalPack
git clone https://github.com/bigcode-project/bigcode-evaluation-harness
cd bigcode-evaluation-harness
pip install -e .
cd ..
MODEL_PATH=GritLM/gritlm-7b
# Run all evals except for Alpaca; You may have to change some paths etc.
bash scripts/generative_eval.sh {path to model}
# Run Alpaca 1.0
export OPENAI_API_KEY=YOUR_API_KEY
python -m eval.alpaca_farm.run_eval \
--use_vllm \
--model_name_or_path $MODEL_PATH \
--tokenizer_name_or_path $MODEL_PATH \
--save_dir ./ \
--use_chat_format \
--chat_formatting_function eval.templates.create_prompt_with_gritlm_chat_format
# Alpaca 2.0 (not used in the paper)
python -m eval.alpaca_farm.run_eval \
--use_vllm \
--model_name_or_path $MODEL_PATH \
--tokenizer_name_or_path $MODEL_PATH \
--save_dir $MODEL_PATH \
--use_chat_format \
--chat_formatting_function eval.templates.create_prompt_with_gritlm_chat_format \
--alpaca2
```

### Known issues

- If you train on many nodes + a large model + fsdp, you may encounter timeouts upon checkpoint saving with `FULL_STATE_DICT`. For example, training Mixtral on 32 nodes with 8 GPUs each, fails with the below. Usually the main node will finish the saving unless they are all in the same job manager who kills it. Unfortunately increasing the timeout limit seems not possibe? (https://discuss.pytorch.org/t/how-to-set-nccl-timeout-to-infinity/146006 ; https://github.com/huggingface/accelerate/issues/2236#issuecomment-1864809701) So the current solution is just to use less nodes. Please let us know if you have a better solution.
```bash
[dojo-a3-ghpc-9:1]:  what():  [Rank 1] NCCL watchdog thread terminated with exception: [Rank 1] Watchdog caught collective operation timeout: WorkNCCL(SeqNum=683, OpType=_ALLGATHER_BASE, NumelIn=32768512, NumelOut=262148096, Timeout(ms)=600000) ran for 600032 milliseconds before timing out.
```
- Add Packing at least for gen, maybe also possible for emb; Need to be careful with the NextTokenLoss
- QLoRa / LoRa integration is not well-tested
```bash
RuntimeError: one of the variables needed for gradient computation has been modified by an inplace operation: [torch.cuda.LongTensor [20, 2048]] is at version 21; expected version 0 instead. Hint: enable anomaly detection to find the operation that failed to compute its gradient, with torch.autograd.set_detect_anomaly(True).
```
- If you run into the below error when doing multi-node training, try this https://github.com/huggingface/transformers/issues/26971#issuecomment-1868137087
```bash
load_state_dict_into_meta_model
    set_module_tensor_to_device(model, param_name, param_device, **set_module_kwargs)
  File "/env/lib/conda/gritlm/lib/python3.9/site-packages/accelerate/utils/modeling.py", line 317, in set_module_tensor_to_device
    new_value = value.to(device)
NotImplementedError: Cannot copy out of meta tensor; no data!
```
- DeepSpeed does not work with `--mode unified` and `--gradient_accumulation_steps` bigger than 1 (i.e. GradCache) (FSDP is ~equivalent so this is not high prio)
- `fsdp_use_orig_params: true` in the accelerate config is critical for performance, else it may not converge at all (see comparisons in the wandb runs)
- If you get the below error where training fails on saving, then upgrade accelerate & transformers
```bash
508 01/06/2024 08:28:40 - INFO - accelerate.utils.fsdp_utils -   Model saved to /data/niklas/gritlm/gritlm_mist_sq2048_medibgetuluv2_tuluformat_8nodes_oldtracc/tmp-checkpoint-500/pytorch_model.bin
509 01/06/2024 08:30:24 - INFO - accelerate.utils.fsdp_utils -   Saving Optimizer state to /data/niklas/gritlm/gritlm_mist_sq2048_medibgetuluv2_tuluformat_8nodes_oldtracc/tmp-checkpoint-500/optimizer.bin
510 Traceback (most recent call last):
511   File "/env/lib/conda/gritlmold/lib/python3.9/runpy.py", line 197, in _run_module_as_main
512     return _run_code(code, main_globals, None,
513   File "/env/lib/conda/gritlmold/lib/python3.9/runpy.py", line 87, in _run_code
514     exec(code, run_globals)
515   File "/home/niklas/gritlm/training/run.py", line 421, in <module>
516     main()
517   File "/home/niklas/gritlm/training/run.py", line 411, in main
518     trainer.train()
519   File "/env/lib/conda/gritlmold/lib/python3.9/site-packages/transformers/trainer.py", line 1537, in train
520     return inner_training_loop(
521   File "/home/niklas/gritlm/training/gradcache_trainer.py", line 962, in _inner_training_loop
522     self._maybe_log_save_evaluate(tr_loss, model, trial, epoch, ignore_keys_for_eval)
523   File "/env/lib/conda/gritlmold/lib/python3.9/site-packages/transformers/trainer.py", line 2274, in _maybe_log_save_evaluate
524     self._save_checkpoint(model, trial, metrics=metrics)
525   File "/env/lib/conda/gritlmold/lib/python3.9/site-packages/transformers/trainer.py", line 2354, in _save_checkpoint
526     self._save_optimizer_and_scheduler(staging_output_dir)
527   File "/env/lib/conda/gritlmold/lib/python3.9/site-packages/transformers/trainer.py", line 2445, in _save_optimizer_and_scheduler
528     save_fsdp_optimizer(
529   File "/env/lib/conda/gritlmold/lib/python3.9/site-packages/accelerate/utils/fsdp_utils.py", line 146, in save_fsdp_optimizer
530     torch.save(optim_state, output_optimizer_file)
531   File "/env/lib/conda/gritlmold/lib/python3.9/site-packages/torch/serialization.py", line 618, in save
532     with _open_zipfile_writer(f) as opened_zipfile:
533   File "/env/lib/conda/gritlmold/lib/python3.9/site-packages/torch/serialization.py", line 492, in _open_zipfile_writer
534     return container(name_or_buffer)
535   File "/env/lib/conda/gritlmold/lib/python3.9/site-packages/torch/serialization.py", line 463, in __init__
536     super().__init__(torch._C.PyTorchFileWriter(self.name))
537 RuntimeError: Parent directory /data/niklas/gritlm/gritlm_mist_sq2048_medibgetuluv2_tuluformat_8nodes_oldtracc/tmp-checkpoint-500 does not exist.
```
- If loss is slightly different when changing the number of gradient accumulation steps, this is expected because torch uses weighted mean pooling in its CrossEntropyLoss by default. As the language modeling objective occasionally has the same token being predicted multiple times in one batch, this will result in a different loss when splitting up batches. Meanwhile, for the embedding loss every class id is only predicted once, thus weighted mean is equivalent to mean for embedding (https://github.com/pytorch/pytorch/issues/72047; https://github.com/pytorch/pytorch/issues/40560; https://github.com/pytorch/pytorch/issues/107680).
- Another reason loss is different when changing the number of processes is that the data order may be different. While all seeds are being set, accelerate.prepare of the data loader in the trainer, sets up the dataloader such that it iterates one sample ahead of time. Thus, on the first iteration it gets two batches for each process instead of one. Somehow, this causes one sample in the first batch to land in the subsequent batch when going from 0 to 8 gpus. I could not figure out why exactly, but investigations are appreciated.
- Training with fp32 generally converges much faster than with bf16. Changing the allreduce and buffer dtypes to fp32 does not change this (https://github.com/NVIDIA/Megatron-LM/issues/502; https://github.com/pytorch/pytorch/issues/106395)
- torch.compile fails with the below in unified mode (also see https://github.com/pytorch/pytorch/issues/111317):
```bash
from user code:                                                                              
   File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/transformers/models/mistral/mode
ling_mistral.py", line 757, in forward                                                       
    hidden_states = self.input_layernorm(hidden_states)                                      
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/nn/modules/module.py", line
 1527, in _call_impl                                                                         
    return forward_call(*args, **kwargs)                                                     
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/transformers/models/mistral/model
ing_mistral.py", line 89, in forward                                                         
    return self.weight * hidden_states.to(input_dtype)                                       
                                                                                             
Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information                       
                                                                                             
                                                                                             
You can suppress this exception and fall back to eager by setting:                           
    import torch._dynamo                                                                     
    torch._dynamo.config.suppress_errors = True                                              
                                                                                             
    example_value = wrap_to_fake_tensor_and_record(                                          
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_dynamo/variables/builder.p
y", line 1587, in wrap_to_fake_tensor_and_record                                             
    fake_e = wrap_fake_exception(                                                            
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_dynamo/utils.py", line 916
, in wrap_fake_exception                                                                     
    return fn()                                                                              
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_dynamo/variables/builder.p
y", line 1588, in <lambda>                                                                   
    lambda: tx.fake_mode.from_tensor(                                                        
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/fake_tensor.py"
, line 1721, in from_tensor                                                                  
    return self.fake_tensor_converter(                                                       
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/fake_tensor.py"
, line 371, in __call__                                                                      
    return self.from_real_tensor(                                                            
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/fake_tensor.py"
, line 324, in from_real_tensor                                                              
    out = self.meta_converter(                                                               
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/meta_utils.py",
 line 591, in __call__                                                                       
    r = self.meta_tensor(                                                                    
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/meta_utils.py",
 line 307, in meta_tensor                                                                    
    base = self.meta_tensor(                                                                 
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/meta_utils.py",
 line 478, in meta_tensor                                                                    
    r.grad = self.meta_tensor(                                                               
torch._dynamo.exc.InternalTorchDynamoError: attempting to assign a gradient of size '[2726400
0]' to a tensor of size '[218112000]'. Please ensure that the gradient and the tensor are the
 same size
```
- If using `fsdp_state_dict_type: FULL_STATE_DICT` in the config with many nodes, it may time out upon checkpointing. E.g. for 32 nodes with Mistral-7B in fp32 it timed out for me.
- DeepSpeed + FlashAttention2 + Optim & Params offloaded to CPU + DeepSpeed ZeRo3 init fails:
```bash
s. (Triggered internally at /opt/conda/conda-bld/pytorch_1702400412039/work/torch/csrc/t
ensor/python_tensor.cpp:83.)                                                            
  total_norm_cuda = get_accelerator().FloatTensor([float(total_norm)])                  
Invalidate trace cache @ step 1: expected module 1, but got module 2                    
[E ProcessGroupNCCL.cpp:475] [Rank 1] Watchdog caught collective operation timeout: Work
```
- If implementing full splitting + GC you may run into
```bash
  File "/home/niklas/gritlm/training/gradcache_trainer.py", line 630, in _inner_training_loop                     
    self.accelerator.backward(loss)                                                                              
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/accelerate/accelerator.py", line 1964, in backward   
    loss.backward(**kwargs)                                                                                      
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_tensor.py", line 492, in backward             
    torch.autograd.backward(                                                                                     
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/autograd/__init__.py", line 251, in backward   
    Variable._execution_engine.run_backward(  # Calls into the C++ engine to run the backward pass               
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/utils/checkpoint.py", line 1075, in unpack_hook
    frame.check_recomputed_tensors_match(gid)                                                                    
  File "/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/utils/checkpoint.py", line 812, in check_recomp
uted_tensors_match                                                                                               
    raise CheckpointError(                                                                                       
torch.utils.checkpoint.CheckpointError: torch.utils.checkpoint: A different number of tensors was saved during th
e original forward and recomputation.                                                                            
Number of tensors saved during forward: 47                                                                       
Number of tensors saved during recomputation: 45                                                                 
```

### Visuals

- Figure 1: https://colab.research.google.com/drive/13MY11ZRtkDjBMWYEXoaDF1nxyRxis7o7?usp=sharing & then add in logos via `visuals/performance.drawio` that can be opened with https://app.diagrams.net/, then add blurbs in via `visuals/performance.key` that can be opened in Keynote.
- Figure 2: https://docs.google.com/drawings/d/1ZAzaX4h2JfJR1ahan0R5nk3Xm17SMquGjhshnBNJOzY/edit?usp=sharing
- Figure 3: https://docs.google.com/drawings/d/1vaSNvDWy6xBBuC70rI22qdOmymksxqoTYiplGPH22ys/edit?usp=sharing
- Figure 4: https://docs.google.com/drawings/d/1rv916zpYvBbaS6QxpFP4_6fc4gABcPWc2qZC3NUpz8s/edit?usp=sharing
- Figure 5/6/7/8: https://colab.research.google.com/drive/13MY11ZRtkDjBMWYEXoaDF1nxyRxis7o7?usp=sharing
- Other figures & tables are manual, but there are helper scripts, such as `scripts/mteb_to_tex.py`

### Acknowledgements

The code is inspired by:
- https://github.com/Muennighoff/sgpt
- https://github.com/FlagOpen/FlagEmbedding
- https://github.com/embeddings-benchmark/mteb

### Citation

If useful please consider citing 😊

```bibtex
@misc{muennighoff2024generative,
      title={Generative Representational Instruction Tuning}, 
      author={Niklas Muennighoff and Hongjin Su and Liang Wang and Nan Yang and Furu Wei and Tao Yu and Amanpreet Singh and Douwe Kiela},
      year={2024},
      eprint={2402.09906},
      archivePrefix={arXiv},
      primaryClass={cs.CL}
}
```


            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/ContextualAI/gritlm",
    "name": "gritlm",
    "maintainer": "",
    "docs_url": null,
    "requires_python": ">=3.7.0",
    "maintainer_email": "",
    "keywords": "text generation,text embeddings,instruction tuning",
    "author": "Niklas Muennighoff",
    "author_email": "n.muennighoff@gmail.com",
    "download_url": "https://files.pythonhosted.org/packages/1b/1a/d80214f06d90bc2382bfa7ddc90adaa128f28515635cfa4cb02613a61931/gritlm-1.0.0.tar.gz",
    "platform": null,
    "description": "## GRIT\n\n![](visuals/octopus.jpg)\n\nThis repository provides all materials for the paper [Generative Representational Instruction Tuning](https://arxiv.org/abs/2402.09906). We continue developing the repository and welcome any contributions. If you want to use the code in the exact same way as in the paper, please use the 1.0.0 release at commit hash `TODO`.\n\n- [Inference](#inference)\n- [Training](#training)\n    - [Data](#data)\n    - [Run](#run)\n- [Evaluation](#evaluation)\n    - [Embedding](#embedding)\n    - [Generative](#generative)\n- [Known issues](#known-issues)\n- [Acknowledgements](#acknowledgements)\n- [Citation](#citation)\n\n### Inference\n\n`pip install gritlm`\n\n\n```python\nfrom gritlm import GritLM\n\n# Loads the model for both capabilities; If you only need embedding pass `mode=\"embedding\"` to save memory (no lm head)\nmodel = GritLM(\"GritLM/GritLM-7B\", torch_dtype=\"auto\")\n# To load the 8x7B you will likely need multiple GPUs.\n# All the kwargs are passed to HF from_pretrained so you can just do the below to load on multiple GPUs:\n# model = GritLM(\"GritLM/GritLM-8x7B\", torch_dtype=\"auto\", device_map=\"auto\")\n# You can also load other models e.g.\n# model = GritLM(\"Muennighoff/SGPT-125M-weightedmean-nli-bitfit\", pooling_method=\"weighted_mean\", attn=None)\n# model = GritLM(\"hkunlp/instructor-base\", pooling_method=\"mean\", attn=None)\n\n### Embedding/Representation ###\ninstruction = \"Given a scientific paper title, retrieve the paper's abstract\"\nqueries = ['Bitcoin: A Peer-to-Peer Electronic Cash System', 'Generative Representational Instruction Tuning']\ndocuments = [\n    \"A purely peer-to-peer version of electronic cash would allow online payments to be sent directly from one party to another without going through a financial institution. Digital signatures provide part of the solution, but the main benefits are lost if a trusted third party is still required to prevent double-spending. We propose a solution to the double-spending problem using a peer-to-peer network. The network timestamps transactions by hashing them into an ongoing chain of hash-based proof-of-work, forming a record that cannot be changed without redoing the proof-of-work. The longest chain not only serves as proof of the sequence of events witnessed, but proof that it came from the largest pool of CPU power. As long as a majority of CPU power is controlled by nodes that are not cooperating to attack the network, they'll generate the longest chain and outpace attackers. The network itself requires minimal structure. Messages are broadcast on a best effort basis, and nodes can leave and rejoin the network at will, accepting the longest proof-of-work chain as proof of what happened while they were gone.\",\n    \"All text-based language problems can be reduced to either generation or embedding. Current models only perform well at one or the other. We introduce generative representational instruction tuning (GRIT) whereby a large language model is trained to handle both generative and embedding tasks by distinguishing between them through instructions. Compared to other open models, our resulting GritLM 7B sets a new state of the art on the Massive Text Embedding Benchmark (MTEB) and outperforms all models up to its size on a range of generative tasks. By scaling up further, GritLM 8X7B outperforms all open generative language models that we tried while still being among the best embedding models. Notably, we find that GRIT matches training on only generative or embedding data, thus we can unify both at no performance loss. Among other benefits, the unification via GRIT speeds up Retrieval-Augmented Generation (RAG) by > 60% for long documents, by no longer requiring separate retrieval and generation models. Models, code, etc. are freely available at https://github.com/ContextualAI/gritlm.\"\n]\n\ndef gritlm_instruction(instruction):\n    return \"<|user|>\\n\" + instruction + \"\\n<|embed|>\\n\" if instruction else \"<|embed|>\\n\"\n\n# No need to add instruction for retrieval documents\nd_rep = model.encode(documents, instruction=gritlm_instruction(\"\"))\nq_rep = model.encode(queries, instruction=gritlm_instruction(instruction))\n\nfrom scipy.spatial.distance import cosine\ncosine_sim_q0_d0 = 1 - cosine(q_rep[0], d_rep[0])\ncosine_sim_q0_d1 = 1 - cosine(q_rep[0], d_rep[1])\ncosine_sim_q1_d0 = 1 - cosine(q_rep[1], d_rep[0])\ncosine_sim_q1_d1 = 1 - cosine(q_rep[1], d_rep[1])\n\nprint(\"Cosine similarity between \\\"%s\\\" and \\\"%s\\\" is: %.3f\" % (queries[0][:15], documents[0][:15], cosine_sim_q0_d0))\n# Cosine similarity between \"Bitcoin: A Peer\" and \"A purely peer-t\" is: 0.608\nprint(\"Cosine similarity between \\\"%s\\\" and \\\"%s\\\" is: %.3f\" % (queries[0][:15], documents[1][:15], cosine_sim_q0_d1))\n# Cosine similarity between \"Bitcoin: A Peer\" and \"All text-based \" is: 0.101\nprint(\"Cosine similarity between \\\"%s\\\" and \\\"%s\\\" is: %.3f\" % (queries[1][:15], documents[0][:15], cosine_sim_q1_d0))\n# Cosine similarity between \"Generative Repr\" and \"A purely peer-t\" is: 0.120\nprint(\"Cosine similarity between \\\"%s\\\" and \\\"%s\\\" is: %.3f\" % (queries[1][:15], documents[1][:15], cosine_sim_q1_d1))\n# Cosine similarity between \"Generative Repr\" and \"All text-based \" is: 0.533\n\n### Generation ###\n# We did not finetune GritLM models with system prompts, as you can just include system-like instructions together with your user instruction\nmessages = [\n    {\"role\": \"user\", \"content\": \"Please write me a poem about my recent hike of Mt. Fuji at midnight in the style of Shakespeare.\"},\n]\nencoded = model.tokenizer.apply_chat_template(messages, add_generation_prompt=True, return_tensors=\"pt\")\nencoded = encoded.to(model.device)\ngen = model.generate(encoded, max_new_tokens=256, do_sample=False)\ndecoded = model.tokenizer.batch_decode(gen)\nprint(decoded[0])\n\"\"\"\n<s> <|user|>\nPlease write me a poem about my recent hike of Mt. Fuji at midnight in the style of Shakespeare.\n<|assistant|>\nOh, Mt. Fuji, mountain grand,\nA sight to see, a climb to command,\nAt midnight, in the dark of night,\nI climbed your slopes, with all my might.\n\nThe stars above, they shone so bright,\nA beacon in the darkness, guiding light,\nThe wind did blow, with a gentle sigh,\nAs I climbed higher, with a steady eye.\n\nThe path was steep, the climb was tough,\nBut I pressed on, with a steadfast rough,\nFor the summit, I longed to see,\nThe view from the top, a sight to be.\n\nAt last, I reached the peak, and stood,\nWith awe and wonder, I gazed aloud,\nThe world below, a sight to see,\nA view that's worth the climb, you'll agree.\n\nMt. Fuji, mountain grand,\nA sight to see, a climb to command,\nAt midnight, in the dark of night,\nI climbed your slopes, with all my might.</s>\n\"\"\"\n```\n\n### Pretrained models\n\nThe weights and logs of all models from the paper are freely available:\n- Weights: https://huggingface.co/GritLM\n- Logs: https://wandb.ai/muennighoff/gritlm/overview?workspace=user-muennighoff\n\nThe names will not always match across HF & WandB, but you can usually figure out which belongs to which via the `--output_dir` in the command. Note that we renamed all models from `sgpt2` to `gritlm` at some point, so some names/logs/commands contain the old name.\n\nShortcuts:\n- sq = sequence length; sq2048 is 2048 tokens\n- ep = epochs; ep1 is 1 epoch\n- st = steps; st100 is 100 steps\n- m7/m8x7/l7/g6 = base model is Mistral 7B/Mistral 8x7B/Llama 2 7B/GPT-J 6B\n- emb/gen/gritlm = embedding, generative, unified\n- bf16c = embeddings are cast back to bf16 after pooling and similarity computation is also done in bf16 (simulating how cached embeddings would operate)\n- bb/cc/bbcc... = order of bidirectional vs causal attention\n- gendups = not using `--use_unique_indices` during training. If not used and training is unified, then data is duplicated worsening performance\n\nThe most important ones are:\n\n| Model | Description | Emb performance (MTEB) | Gen performance |\n|:------|:-----------:|:----------------------:| :--------------:|\n| [GritLM-7B](https://huggingface.co/GritLM/gritlm-7b) | 7B parameter model that uses bidirectional attention for embedding and causal attention for generation. It is finetuned from Mistral-7B | 66.8 | 55.5 |\n| [GritLM-8x7B](https://huggingface.co/GritLM/gritlm-8x7b) | 7B parameter model that uses bidirectional attention for embedding and causal attention for generation. It is finetuned from Mistral-8x7B | 65.7 | 65.7 |\n\nFor `GritLM-7B` and `GritLM-8x7B`, the folder contains a custom modeling file (`modeling_gritlm*.py`) which adds bidirectional attention via the keyword argument `is_causal`, such that if you load them with `from_pretrained` in transformers, it is automatically available. We did not add this for any other models uploaded to the organization, thus for those, you need to either add it yourself or simply replace the `modeling_mistral.py` & `modeling_mixtral.py` files in your transformers installation with `scripts/modeling_mistral_gritlm.py` & `scripts/modeling_mixtral_gritlm.py`. Note that for models that do not use bidirectional attention or when you do not intend to use the bidirectional attention (e.g. for generation), you don't need to do anything.\n\n\n### Training\n\n#### Data\n\nThe repo uses the below format. See `training/toy_data.jsonl` for an example.\n\nFormat:\n- Embedding data: `{\"query\": str, \"pos\": List[str], \"neg\": List[str]}`\n- Embedding data with instructions that are excluded from the embedding & loss: `{\"query\": List[str, str], \"pos\": List[List[str, str]], \"neg\": List[List[str, str]]}`\n    - The 1st element in the inner list is the instruction and the 2nd is the text to embed.\n- Generative data: `{\"text\": str}`\n- Generative data with instructions that are excluded from the loss: `{\"text\": List[str]}`\n    - The 1st/3rd/5th.. element is the instruction and the 2nd/4th/6th.. is the response. If you only want single-turn chat then just put two elements, for multi-turn put more.\n\n\nWe release the below datasets:\n- Embedding:\n  - MEDI (https://hf.co/datasets/GritLM/MEDI)\n  - MEDI2 (https://hf.co/datasets/GritLM/MEDI2)\n  - MEDI2BGE (https://hf.co/datasets/GritLM/MEDI2BGE)\n- Generative:\n  - https://hf.co/datasets/GritLM/tulu2\n\nThey are explained in more detail in the paper and its appendix. So to e.g. train a GRIT model on MEDI2 & Tulu2, simply download both via `git clone https...` and then place them in the same directory and follow the instructions below to run. Unfortunately, we cannot release the E5S data used for our final models.\n\n#### Run\n\nSetup:\n```bash\ngit clone https://github.com/ContextualAI/gritlm`\ncd gritlm\npip install -e .\ncd gritlm\n````\n\nBelow are easy examples for getting started:\n\n**Embedding model**\n\n```bash\ntorchrun --nproc_per_node 1 \\\n-m training.run \\\n--output_dir test_path \\\n--model_name_or_path openaccess-ai-collective/tiny-mistral \\\n--train_data training/toy_data/toy_data_embedding.jsonl \\\n--learning_rate 1e-5 \\\n--num_train_epochs 5 \\\n--per_device_train_batch_size 2 \\\n--dataloader_drop_last True \\\n--normalized True \\\n--temperature 0.02 \\\n--query_max_len 32 \\\n--passage_max_len 128 \\\n--train_group_size 2 \\\n--negatives_cross_device \\\n--mode embedding\n```\n\n**Generative model**\n\n```bash\ntorchrun --nproc_per_node 1 \\\n-m training.run \\\n--output_dir test_path \\\n--model_name_or_path openaccess-ai-collective/tiny-mistral \\\n--train_data training/toy_data/toy_data_generative.jsonl \\\n--learning_rate 1e-5 \\\n--num_train_epochs 5 \\\n--per_device_train_batch_size 2 \\\n--dataloader_drop_last True \\\n--passage_max_len 128 \\\n--mode generative\n```\n\n**Unified model (GRIT)**\n\n```bash\ntorchrun --nproc_per_node 1 \\\n-m training.run \\\n--output_dir test_path \\\n--model_name_or_path openaccess-ai-collective/tiny-mistral \\\n--train_data training/toy_data \\\n--learning_rate 1e-5 \\\n--num_train_epochs 5 \\\n--per_device_train_batch_size 2 \\\n--dataloader_drop_last True \\\n--normalized True \\\n--temperature 0.02 \\\n--query_max_len 32 \\\n--passage_max_len 128 \\\n--train_group_size 2 \\\n--negatives_cross_device \\\n--mode unified\n```\n\nAll arguments are explained in `training/arguments.py` or the [HF TrainingArguments documentation](https://hf.co/docs/transformers/main/en/main_classes/trainer#transformers.TrainingArguments) except for `nproc_per_node` which is the number of GPUs per node. For our actual training runs, we use accelerate to easily use multiple nodes and GPUs. The scripts are all in `scripts/training`, for example `scripts/training/train_gritlm_8x7b.sh` was used for GritLM-8x7B. For models from the ablations, you can check their folder on the huggingface hub which contains a `training_args.bin` file with the arguments. You can also check all their arguments on the WandB: https://wandb.ai/muennighoff/gritlm.\n\n### Evaluation\n\n#### Embedding\n\n```bash\ncd gritlm\npython evaluation/eval_mteb.py \\\n--model_name_or_path GritLM/GritLM-7B \\\n--task_types Classification,Clustering,PairClassification,Reranking,Retrieval,STS,Summarization \\\n--batch_size 32\n```\n\nFor a faster way, check `scripts/eval_mteb.sh` which submits jobs across multiple GPUs for each dataset.\n\n#### Generative\n\n```bash\n## Setup\n# Setup eval for MMLU/GSM8K/BBH/TyDi QA/Alpaca\ngit clone https://github.com/Muennighoff/open-instruct.git\ncd open-instruct\npip install -r requirements.txt\nbash ./scripts/prepare_eval_data.sh\ncd ..\n# Setup eval for HumanEvalPack\ngit clone https://github.com/bigcode-project/bigcode-evaluation-harness\ncd bigcode-evaluation-harness\npip install -e .\ncd ..\nMODEL_PATH=GritLM/gritlm-7b\n# Run all evals except for Alpaca; You may have to change some paths etc.\nbash scripts/generative_eval.sh {path to model}\n# Run Alpaca 1.0\nexport OPENAI_API_KEY=YOUR_API_KEY\npython -m eval.alpaca_farm.run_eval \\\n--use_vllm \\\n--model_name_or_path $MODEL_PATH \\\n--tokenizer_name_or_path $MODEL_PATH \\\n--save_dir ./ \\\n--use_chat_format \\\n--chat_formatting_function eval.templates.create_prompt_with_gritlm_chat_format\n# Alpaca 2.0 (not used in the paper)\npython -m eval.alpaca_farm.run_eval \\\n--use_vllm \\\n--model_name_or_path $MODEL_PATH \\\n--tokenizer_name_or_path $MODEL_PATH \\\n--save_dir $MODEL_PATH \\\n--use_chat_format \\\n--chat_formatting_function eval.templates.create_prompt_with_gritlm_chat_format \\\n--alpaca2\n```\n\n### Known issues\n\n- If you train on many nodes + a large model + fsdp, you may encounter timeouts upon checkpoint saving with `FULL_STATE_DICT`. For example, training Mixtral on 32 nodes with 8 GPUs each, fails with the below. Usually the main node will finish the saving unless they are all in the same job manager who kills it. Unfortunately increasing the timeout limit seems not possibe? (https://discuss.pytorch.org/t/how-to-set-nccl-timeout-to-infinity/146006 ; https://github.com/huggingface/accelerate/issues/2236#issuecomment-1864809701) So the current solution is just to use less nodes. Please let us know if you have a better solution.\n```bash\n[dojo-a3-ghpc-9:1]:  what():  [Rank 1] NCCL watchdog thread terminated with exception: [Rank 1] Watchdog caught collective operation timeout: WorkNCCL(SeqNum=683, OpType=_ALLGATHER_BASE, NumelIn=32768512, NumelOut=262148096, Timeout(ms)=600000) ran for 600032 milliseconds before timing out.\n```\n- Add Packing at least for gen, maybe also possible for emb; Need to be careful with the NextTokenLoss\n- QLoRa / LoRa integration is not well-tested\n```bash\nRuntimeError: one of the variables needed for gradient computation has been modified by an inplace operation: [torch.cuda.LongTensor [20, 2048]] is at version 21; expected version 0 instead. Hint: enable anomaly detection to find the operation that failed to compute its gradient, with torch.autograd.set_detect_anomaly(True).\n```\n- If you run into the below error when doing multi-node training, try this https://github.com/huggingface/transformers/issues/26971#issuecomment-1868137087\n```bash\nload_state_dict_into_meta_model\n    set_module_tensor_to_device(model, param_name, param_device, **set_module_kwargs)\n  File \"/env/lib/conda/gritlm/lib/python3.9/site-packages/accelerate/utils/modeling.py\", line 317, in set_module_tensor_to_device\n    new_value = value.to(device)\nNotImplementedError: Cannot copy out of meta tensor; no data!\n```\n- DeepSpeed does not work with `--mode unified` and `--gradient_accumulation_steps` bigger than 1 (i.e. GradCache) (FSDP is ~equivalent so this is not high prio)\n- `fsdp_use_orig_params: true` in the accelerate config is critical for performance, else it may not converge at all (see comparisons in the wandb runs)\n- If you get the below error where training fails on saving, then upgrade accelerate & transformers\n```bash\n508 01/06/2024 08:28:40 - INFO - accelerate.utils.fsdp_utils -   Model saved to /data/niklas/gritlm/gritlm_mist_sq2048_medibgetuluv2_tuluformat_8nodes_oldtracc/tmp-checkpoint-500/pytorch_model.bin\n509 01/06/2024 08:30:24 - INFO - accelerate.utils.fsdp_utils -   Saving Optimizer state to /data/niklas/gritlm/gritlm_mist_sq2048_medibgetuluv2_tuluformat_8nodes_oldtracc/tmp-checkpoint-500/optimizer.bin\n510 Traceback (most recent call last):\n511   File \"/env/lib/conda/gritlmold/lib/python3.9/runpy.py\", line 197, in _run_module_as_main\n512     return _run_code(code, main_globals, None,\n513   File \"/env/lib/conda/gritlmold/lib/python3.9/runpy.py\", line 87, in _run_code\n514     exec(code, run_globals)\n515   File \"/home/niklas/gritlm/training/run.py\", line 421, in <module>\n516     main()\n517   File \"/home/niklas/gritlm/training/run.py\", line 411, in main\n518     trainer.train()\n519   File \"/env/lib/conda/gritlmold/lib/python3.9/site-packages/transformers/trainer.py\", line 1537, in train\n520     return inner_training_loop(\n521   File \"/home/niklas/gritlm/training/gradcache_trainer.py\", line 962, in _inner_training_loop\n522     self._maybe_log_save_evaluate(tr_loss, model, trial, epoch, ignore_keys_for_eval)\n523   File \"/env/lib/conda/gritlmold/lib/python3.9/site-packages/transformers/trainer.py\", line 2274, in _maybe_log_save_evaluate\n524     self._save_checkpoint(model, trial, metrics=metrics)\n525   File \"/env/lib/conda/gritlmold/lib/python3.9/site-packages/transformers/trainer.py\", line 2354, in _save_checkpoint\n526     self._save_optimizer_and_scheduler(staging_output_dir)\n527   File \"/env/lib/conda/gritlmold/lib/python3.9/site-packages/transformers/trainer.py\", line 2445, in _save_optimizer_and_scheduler\n528     save_fsdp_optimizer(\n529   File \"/env/lib/conda/gritlmold/lib/python3.9/site-packages/accelerate/utils/fsdp_utils.py\", line 146, in save_fsdp_optimizer\n530     torch.save(optim_state, output_optimizer_file)\n531   File \"/env/lib/conda/gritlmold/lib/python3.9/site-packages/torch/serialization.py\", line 618, in save\n532     with _open_zipfile_writer(f) as opened_zipfile:\n533   File \"/env/lib/conda/gritlmold/lib/python3.9/site-packages/torch/serialization.py\", line 492, in _open_zipfile_writer\n534     return container(name_or_buffer)\n535   File \"/env/lib/conda/gritlmold/lib/python3.9/site-packages/torch/serialization.py\", line 463, in __init__\n536     super().__init__(torch._C.PyTorchFileWriter(self.name))\n537 RuntimeError: Parent directory /data/niklas/gritlm/gritlm_mist_sq2048_medibgetuluv2_tuluformat_8nodes_oldtracc/tmp-checkpoint-500 does not exist.\n```\n- If loss is slightly different when changing the number of gradient accumulation steps, this is expected because torch uses weighted mean pooling in its CrossEntropyLoss by default. As the language modeling objective occasionally has the same token being predicted multiple times in one batch, this will result in a different loss when splitting up batches. Meanwhile, for the embedding loss every class id is only predicted once, thus weighted mean is equivalent to mean for embedding (https://github.com/pytorch/pytorch/issues/72047; https://github.com/pytorch/pytorch/issues/40560; https://github.com/pytorch/pytorch/issues/107680).\n- Another reason loss is different when changing the number of processes is that the data order may be different. While all seeds are being set, accelerate.prepare of the data loader in the trainer, sets up the dataloader such that it iterates one sample ahead of time. Thus, on the first iteration it gets two batches for each process instead of one. Somehow, this causes one sample in the first batch to land in the subsequent batch when going from 0 to 8 gpus. I could not figure out why exactly, but investigations are appreciated.\n- Training with fp32 generally converges much faster than with bf16. Changing the allreduce and buffer dtypes to fp32 does not change this (https://github.com/NVIDIA/Megatron-LM/issues/502; https://github.com/pytorch/pytorch/issues/106395)\n- torch.compile fails with the below in unified mode (also see https://github.com/pytorch/pytorch/issues/111317):\n```bash\nfrom user code:                                                                              \n   File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/transformers/models/mistral/mode\nling_mistral.py\", line 757, in forward                                                       \n    hidden_states = self.input_layernorm(hidden_states)                                      \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/nn/modules/module.py\", line\n 1527, in _call_impl                                                                         \n    return forward_call(*args, **kwargs)                                                     \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/transformers/models/mistral/model\ning_mistral.py\", line 89, in forward                                                         \n    return self.weight * hidden_states.to(input_dtype)                                       \n                                                                                             \nSet TORCH_LOGS=\"+dynamo\" and TORCHDYNAMO_VERBOSE=1 for more information                       \n                                                                                             \n                                                                                             \nYou can suppress this exception and fall back to eager by setting:                           \n    import torch._dynamo                                                                     \n    torch._dynamo.config.suppress_errors = True                                              \n                                                                                             \n    example_value = wrap_to_fake_tensor_and_record(                                          \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_dynamo/variables/builder.p\ny\", line 1587, in wrap_to_fake_tensor_and_record                                             \n    fake_e = wrap_fake_exception(                                                            \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_dynamo/utils.py\", line 916\n, in wrap_fake_exception                                                                     \n    return fn()                                                                              \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_dynamo/variables/builder.p\ny\", line 1588, in <lambda>                                                                   \n    lambda: tx.fake_mode.from_tensor(                                                        \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/fake_tensor.py\"\n, line 1721, in from_tensor                                                                  \n    return self.fake_tensor_converter(                                                       \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/fake_tensor.py\"\n, line 371, in __call__                                                                      \n    return self.from_real_tensor(                                                            \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/fake_tensor.py\"\n, line 324, in from_real_tensor                                                              \n    out = self.meta_converter(                                                               \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/meta_utils.py\",\n line 591, in __call__                                                                       \n    r = self.meta_tensor(                                                                    \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/meta_utils.py\",\n line 307, in meta_tensor                                                                    \n    base = self.meta_tensor(                                                                 \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_subclasses/meta_utils.py\",\n line 478, in meta_tensor                                                                    \n    r.grad = self.meta_tensor(                                                               \ntorch._dynamo.exc.InternalTorchDynamoError: attempting to assign a gradient of size '[2726400\n0]' to a tensor of size '[218112000]'. Please ensure that the gradient and the tensor are the\n same size\n```\n- If using `fsdp_state_dict_type: FULL_STATE_DICT` in the config with many nodes, it may time out upon checkpointing. E.g. for 32 nodes with Mistral-7B in fp32 it timed out for me.\n- DeepSpeed + FlashAttention2 + Optim & Params offloaded to CPU + DeepSpeed ZeRo3 init fails:\n```bash\ns. (Triggered internally at /opt/conda/conda-bld/pytorch_1702400412039/work/torch/csrc/t\nensor/python_tensor.cpp:83.)                                                            \n  total_norm_cuda = get_accelerator().FloatTensor([float(total_norm)])                  \nInvalidate trace cache @ step 1: expected module 1, but got module 2                    \n[E ProcessGroupNCCL.cpp:475] [Rank 1] Watchdog caught collective operation timeout: Work\n```\n- If implementing full splitting + GC you may run into\n```bash\n  File \"/home/niklas/gritlm/training/gradcache_trainer.py\", line 630, in _inner_training_loop                     \n    self.accelerator.backward(loss)                                                                              \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/accelerate/accelerator.py\", line 1964, in backward   \n    loss.backward(**kwargs)                                                                                      \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/_tensor.py\", line 492, in backward             \n    torch.autograd.backward(                                                                                     \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/autograd/__init__.py\", line 251, in backward   \n    Variable._execution_engine.run_backward(  # Calls into the C++ engine to run the backward pass               \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/utils/checkpoint.py\", line 1075, in unpack_hook\n    frame.check_recomputed_tensors_match(gid)                                                                    \n  File \"/env/lib/conda/gritlmnew/lib/python3.9/site-packages/torch/utils/checkpoint.py\", line 812, in check_recomp\nuted_tensors_match                                                                                               \n    raise CheckpointError(                                                                                       \ntorch.utils.checkpoint.CheckpointError: torch.utils.checkpoint: A different number of tensors was saved during th\ne original forward and recomputation.                                                                            \nNumber of tensors saved during forward: 47                                                                       \nNumber of tensors saved during recomputation: 45                                                                 \n```\n\n### Visuals\n\n- Figure 1: https://colab.research.google.com/drive/13MY11ZRtkDjBMWYEXoaDF1nxyRxis7o7?usp=sharing & then add in logos via `visuals/performance.drawio` that can be opened with https://app.diagrams.net/, then add blurbs in via `visuals/performance.key` that can be opened in Keynote.\n- Figure 2: https://docs.google.com/drawings/d/1ZAzaX4h2JfJR1ahan0R5nk3Xm17SMquGjhshnBNJOzY/edit?usp=sharing\n- Figure 3: https://docs.google.com/drawings/d/1vaSNvDWy6xBBuC70rI22qdOmymksxqoTYiplGPH22ys/edit?usp=sharing\n- Figure 4: https://docs.google.com/drawings/d/1rv916zpYvBbaS6QxpFP4_6fc4gABcPWc2qZC3NUpz8s/edit?usp=sharing\n- Figure 5/6/7/8: https://colab.research.google.com/drive/13MY11ZRtkDjBMWYEXoaDF1nxyRxis7o7?usp=sharing\n- Other figures & tables are manual, but there are helper scripts, such as `scripts/mteb_to_tex.py`\n\n### Acknowledgements\n\nThe code is inspired by:\n- https://github.com/Muennighoff/sgpt\n- https://github.com/FlagOpen/FlagEmbedding\n- https://github.com/embeddings-benchmark/mteb\n\n### Citation\n\nIf useful please consider citing \ud83d\ude0a\n\n```bibtex\n@misc{muennighoff2024generative,\n      title={Generative Representational Instruction Tuning}, \n      author={Niklas Muennighoff and Hongjin Su and Liang Wang and Nan Yang and Furu Wei and Tao Yu and Amanpreet Singh and Douwe Kiela},\n      year={2024},\n      eprint={2402.09906},\n      archivePrefix={arXiv},\n      primaryClass={cs.CL}\n}\n```\n\n",
    "bugtrack_url": null,
    "license": "Apache",
    "summary": "GritLM",
    "version": "1.0.0",
    "project_urls": {
        "Homepage": "https://github.com/ContextualAI/gritlm",
        "Huggingface Organization": "https://huggingface.co/gritlm",
        "Source Code": "https://github.com/ContextualAI/gritlm"
    },
    "split_keywords": [
        "text generation",
        "text embeddings",
        "instruction tuning"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "246938e9927eb3be13e9af74eed61a5f7b79e4453cebb3e0af668b3ca8509dbe",
                "md5": "0231c1f04e66ad28103d09bf74a124b2",
                "sha256": "9aedd6ba850d9c4ad547b081f81bb18d86ee31b04b10862132115fea4af7748a"
            },
            "downloads": -1,
            "filename": "gritlm-1.0.0-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "0231c1f04e66ad28103d09bf74a124b2",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.7.0",
            "size": 14627,
            "upload_time": "2024-02-16T02:00:03",
            "upload_time_iso_8601": "2024-02-16T02:00:03.830788Z",
            "url": "https://files.pythonhosted.org/packages/24/69/38e9927eb3be13e9af74eed61a5f7b79e4453cebb3e0af668b3ca8509dbe/gritlm-1.0.0-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "1b1ad80214f06d90bc2382bfa7ddc90adaa128f28515635cfa4cb02613a61931",
                "md5": "c6533392249701bc8d318b8b867533ff",
                "sha256": "7ce5dfe2c820bc246ca8ba1347e620aa214ba8f614431f6d44f396df8b1a63ea"
            },
            "downloads": -1,
            "filename": "gritlm-1.0.0.tar.gz",
            "has_sig": false,
            "md5_digest": "c6533392249701bc8d318b8b867533ff",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.7.0",
            "size": 25247,
            "upload_time": "2024-02-16T02:00:06",
            "upload_time_iso_8601": "2024-02-16T02:00:06.743576Z",
            "url": "https://files.pythonhosted.org/packages/1b/1a/d80214f06d90bc2382bfa7ddc90adaa128f28515635cfa4cb02613a61931/gritlm-1.0.0.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-02-16 02:00:06",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "ContextualAI",
    "github_project": "gritlm",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": false,
    "requirements": [],
    "lcname": "gritlm"
}
        
Elapsed time: 0.18108s