Edit model card

Open-Assistant Llama2 70B SFT v10

This model is an Open-Assistant fine-tuning of Meta's Llama2 70B LLM. It was fine-tuned in two stages, first on a mix of synthetic instrunctions and coding tasks and then in a "polishing" stage on the best human demonstrations collected at open-assistant.io up to July 23, 2023 (see Configuration Details below).

Model Details

Prompting / Prompt Template

Due to public demand (see survey) we changed the prompt-template for this model from custom prompter/assistant tokens to OpenAI's chatml standard prompt format. We hope that this leads to greater compatibility with chat inference/frontend applications.

Prompt dialogue template:

"""
<|im_start|>system
{system_message}<|im_end|>
<|im_start|>user
{prompt}<|im_end|>
<|im_start|>assistant
"""

The model input can contain multiple conversation turns between user and assistant, e.g.

<|im_start|>user
{prompt 1}<|im_end|>
<|im_start|>assistant
{reply 1}<|im_end|>
<|im_start|>user
{prompt 2}<|im_end|>
<|im_start|>assistant
(...)

The model was partly trained with orca system messages.
For inference we recommend to use the official Llama2 system message:

<|im_start|>system
You are a helpful, respectful and honest assistant. Always answer as helpfully as possible, while being safe. Your answers should not include any harmful, unethical, racist, sexist, toxic, dangerous, or illegal content. Please ensure that your responses are socially unbiased and positive in nature.

If a question does not make any sense, or is not factually coherent, explain why instead of answering something not correct. If you don't know the answer to a question, please don't share false information.
<|im_end|>

Credits & Special Thanks

We want to especially thank everyone who contributed in the crowed-sourced Open-Assistant dataset creation on https://open-assistant.io/ - without you this project would not have been possible.

Ethical Considerations and Limitations

Testing conducted to date has been in English, and has not covered, nor could it cover all scenarios. For these reasons, as with all LLMs, the potential outputs of llama2-70b-oasst-sft-v10 cannot be predicted in advance, and the model may in some instances produce inaccurate, biased or other objectionable responses to user prompts. Therefore, before deploying any applications of llama2-70b-oasst-sft-v10, developers should perform safety testing and tuning tailored to their specific applications of the model.

Please see Meta's Responsible Use Guide.

Inference via TGI

An early version of this model had an embedding count of 32,007 which was incompatible to sharding with TGI. In the current version the embeddings and the lm_head weights have been padded to a multiple of 128 (by replicating the emembeddings of the unk-token (id: 0)). Sharded inference with TGI should now work as expected.

Configuration Details

The "pretokenizer" utility used to tokenize the datamix is part of the Open-Assistant github repository and can be found here: model/pretokenizer.

Stage 1 Pretokenizer Configuration

Entries of the dataset with assistant replies shorter than 25 tokens were excluded from training.

oasst_pre10_min25:
  datasets:
    - megacode2:
        fraction: 0.5
        val_split: 0.01
        max_val_set: 1000
    - orca-chat:
        val_split: 0.01
        max_val_set: 1000
    - dolly15k_multilingual:
        val_split: 0.05
        max_val_set: 300
    - oa_leet10k:
        val_split: 0.05
        max_val_set: 250
  output_dir: "output/oasst_pre10_min25"
  filename_prefix: "oasst_pre10"
  min_assistant_tokens: 25

Stage 1 dataset statistics:

# Stats for output/oasst_pre10_min25_llama2

## Stats for 'Subset of InstructionDataset (megacode2)' (466364 samples (50.0%))
-----------------
  Accepted: 398223/466364 (85.4%)
  Accepted tokens: 167676873
  Skipped: 68141 (14.6%)
  Min tokens per sample: 36
  Max tokens per sample: 11810
  Avg tokens per sample: 421.063
-----------------

## Stats for 'Subset of OrcaChat (orca-chat)' (325616 samples (100.0%))
-----------------
  Accepted: 325616/325616 (100.0%)
  Accepted tokens: 178307574
  Skipped: 0 (0.0%)
  Min tokens per sample: 105
  Max tokens per sample: 10408
  Avg tokens per sample: 547.601
-----------------

## Stats for 'Subset of Dolly15kMultilingual' (57020 samples (100.0%))
-----------------
  Accepted: 47494/57020 (83.3%)
  Accepted tokens: 13883177
  Skipped: 9526 (16.7%)
  Min tokens per sample: 34
  Max tokens per sample: 9172
  Avg tokens per sample: 292.314
-----------------

## Stats for 'Subset of InstructionDataset (oa_leet10k)' (22236 samples (100.0%))
-----------------
  Accepted: 22236/22236 (100.0%)
  Accepted tokens: 15905296
  Skipped: 0 (0.0%)
  Min tokens per sample: 168
  Max tokens per sample: 10588
  Avg tokens per sample: 715.295
-----------------

## Stats for 'total' (871236 samples (100.0%))
-----------------
  Accepted: 793569/871236 (91.1%)
  Accepted tokens: 375772920
  Skipped: 77667 (8.9%)
  Min tokens per sample: 34
  Max tokens per sample: 11810
  Avg tokens per sample: 473.523
-----------------

Stage 2 Pretokenizer Configuration

oasst_top1:
  datasets:
    - oasst_export:
        lang: "bg,ca,cs,da,de,en,es,fr,hr,hu,it,nl,pl,pt,ro,ru,sl,sr,sv,uk"
        input_file_path: 2023-07-23_oasst_ready.tar.gz
        top_k: 1
        val_split: 0.05
  output_dir: "output/oasst_top1_2023-07-23"
  filename_prefix: "oasst_top1"

Stage 2 dataset statistics:

# Stats for output/oasst_top1_2023-07-23_llama2

## Stats for 'ListDataset' (11441 samples (100.0%))
-----------------
  Accepted: 11441/11441 (100.0%)
  Accepted tokens: 5315368
  Skipped: 0 (0.0%)
  Min tokens per sample: 20
  Max tokens per sample: 5407
  Avg tokens per sample: 464.58945896337735
-----------------

## Stats for 'total' (11441 samples (100.0%))
-----------------
  Accepted: 11441/11441 (100.0%)
  Accepted tokens: 5315368
  Skipped: 0 (0.0%)
  Min tokens per sample: 20
  Max tokens per sample: 5407
  Avg tokens per sample: 464.58945896337735
-----------------

Megatron Fine-Tuning Arguments for Stage 1 (Instruction Tuning):

--tensor_model_parallel_size 8
--pipeline_model_parallel_size 4
--load ./checkpoints/llama2-70b-tp8-pp4
--save ./checkpoints/llama2-70b-tp8-pp4-oasst_pre10
--tensorboard_dir ./checkpoints/llama2-70b-tp8-pp4-oasst_pre10/logging
--data_path ./data/oasst_pre10_min25_llama2/oasst_sft10-train
--model_name llama2
--tokenizer_type SentencePieceTokenizer
--bf16
--global_batch_size 64
--micro_batch_size 2
--vocab_file=./llama2/Llama-2-7b/tokenizer.model
--use_rms_norm
--glu_activation swiglu
--no_tie_embed_logits
--vocab_extra_ids_list "\"<|im_start|>,<|im_end|>\""
--layernorm_epsilon 1e-5
--use_flash_attn
--no_bias_gelu_fusion
--seq_length 4096
--max_position_embeddings 4096
--log_interval 1
--save_interval 500
--eval_interval 50
--eval_iters 10
--hidden_dropout 0.0
--position_embedding_type rotary
--no_bias_dropout_fusion
--use_checkpoint_args
--train_iters 12000
--attention_dropout 0.0
--adam_beta1 0.9
--adam_beta2 0.95
--adam_eps 1e-12
--lr_decay_style cosine
--lr_warmup_iters 100
--lr 1e-5
--min_lr 1e-6
--weight_decay 0.000001
--sequence_parallel
--recompute_granularity selective
--log_timers_to_tensorboard
--rope_scaling_factor 1.0
--wandb_logger

Megatron Fine-Tuning Arguments for Stage 2 (OASST Polishing, LIMA Dropout):

--tensor_model_parallel_size 8
--pipeline_model_parallel_size 4
--load ./checkpoints/llama2-70b-tp8-pp4-oasst_pre10
--save ./checkpoints/llama2-70b-tp8-pp4-oasst_sft10
--tensorboard_dir ./checkpoints/llama2-70b-tp8-pp4-oasst_sft10/logging
--data_path ./data/oasst_top1_2023-07-23_llama2/oasst_top1-train
--model_name llama2
--tokenizer_type SentencePieceTokenizer
--bf16
--global_batch_size 64
--micro_batch_size 2
--vocab_file=./llama2/Llama-2-7b/tokenizer.model
--use_rms_norm
--glu_activation swiglu
--no_tie_embed_logits
--vocab_extra_ids_list "\"<|im_start|>,<|im_end|>\""
--layernorm_epsilon 1e-5
--use_flash_attn
--no_bias_gelu_fusion
--seq_length 4096
--max_position_embeddings 4096
--log_interval 1
--save_interval 346
--eval_interval 50
--eval_iters 10
--hidden_dropout 0.25
--lima_dropout
--position_embedding_type rotary
--no_bias_dropout_fusion
--use_checkpoint_args
--train_iters 519
--attention_dropout 0.0
--adam_beta1 0.9
--adam_beta2 0.95
--adam_eps 1e-12
--lr_decay_style cosine
--lr_warmup_iters 100
--lr 1e-5
--min_lr 1e-6
--weight_decay 0.000001
--sequence_parallel
--recompute_granularity selective
--log_timers_to_tensorboard
--rope_scaling_factor 1.0
--finetune
--wandb_logger
Downloads last month
3,181

Datasets used to train OpenAssistant/llama2-70b-oasst-sft-v10

Spaces using OpenAssistant/llama2-70b-oasst-sft-v10 20