btlm-3b-8k-base / README.md
rskuzma's picture
add README
8015326
metadata
language:
  - en
inference: false
thumbnail: https://www.cerebras.net/wp-content/uploads/2022/05/Cerebras-Logo-Black.png
tags:
  - pytorch
  - causal-lm
  - Cerebras
  - BTLM
license: cc-by-sa-3.0
datasets:
  - cerebras/SlimPajama-627B
pipeline_tag: text-generation

BTLM-3B-8k-base

Bittensor Language Model (BTLM-3B-8k-base) is a 3 billion parameter language model with an 8k context length trained on 627B tokens of SlimPajama. BTLM-3B-8k-base sets a new standard for 3B parameter models, outperforming models trained on hundreds of billions more tokens and achieving comparable performance to open 7B parameter models. BTLM-3B-8k-base can also be quantized to 4-bit to fit in devices with as little as 3GB of memory. The model is made available with an Apache 2.0 license for commercial use.

BTLM was trained by Cerebras in partnership with Opentensor on the newly unveiled Condor Galaxy 1 (CG-1) supercomputer, the first public deliverable of the G42-Cerebras strategic partnership.

BTLM-3B-8k was trained with a similar architecture to CerebrasGPT with the addition of SwiGLU nonlinearity, ALiBi position embeddings, and maximal update parameterization (muP). The model was trained for 1 epoch of SlimPajama-627B. 75% of training was performed with 2k sequence length. The final 25% of training was performed at 8k sequence length to enable long sequence applications

BTLM-3B-8k Highlights

BTLM-3B-8k-base:

Usage

Note: Transformers does not support muP for all models, so BTLM-3B-8k-base requires a custom model class. This causes a situation where users must either (1) enable trust_remote_code=True when loading the model or (2) acknowledge the warning about code execution upon loading the model.

With generate():

from transformers import AutoTokenizer, AutoModelForCausalLM

# Load the tokenizer and model
tokenizer = AutoTokenizer.from_pretrained("cerebras/btlm-3b-8k-base")
model = AutoModelForCausalLM.from_pretrained("cerebras/-3b-8k-base", trust_remote_code=True)

# Set the prompt for generating text
prompt = "Albert Einstein was known for "

# Tokenize the prompt and convert to PyTorch tensors
inputs = tokenizer(prompt, return_tensors="pt")

# Generate text using the model
outputs = model.generate(
    **inputs,
    num_beams=5,
    max_new_tokens=50,
    early_stopping=True,
    no_repeat_ngram_size=2
)

# Convert the generated token IDs back to text
generated_text = tokenizer.batch_decode(outputs skip_special_tokens=True)

# Print the generated text
print(generated_text[0])

With pipeline:

from transformers import AutoTokenizer, AutoModelForCausalLM
from transformers import pipeline

# Load the tokenizer and model
tokenizer = AutoTokenizer.from_pretrained("cerebras/btlm-3b-8k-base")
model = AutoModelForCausalLM.from_pretrained("cerebras/btlm-3b-8k-base", trust_remote_code=True)

# Set the prompt for text generation
prompt = """Isaac Newton was a """

# Create a text generation pipeline
pipe = pipeline("text-generation", model=model, tokenizer=tokenizer)

# Generate text using the pipeline
generated_text = pipe(
    prompt, 
    max_length=50, 
    do_sample=False, 
    no_repeat_ngram_size=2)[0]

# Print the generated text
print(generated_text['generated_text'])

Evaluations and Comparisons to Other Models

Memory Requirements

figure_1_image Figure 1. Memory requirements of different model sizes and quantization schemes

Quality, Training Cost, Memory Footprint, Inference Speed

figure_2_image Figure 2: Comparisons of quality, memory footprint & inference cost between BTLM-3B-8K and 7B model families.

Performance vs 3B models

table_1_image Table 1: Performance at 3B model size. Detailed down-stream tasks comparisons. MMLU task performance is reported using 5-shot, other tasks are 0-shot.

figure_3_image Figure 3: Performance at 3B model size

Performance vs 7B models

table_2_image Table 2: Performance at 7B model size. Detailed down-stream tasks comparisons. MMLU task performance is reported using 5-shot, everything else is 0-shot.

figure_4_image Figure 4: Performance at 7B model size

Model Details

  • Developed by: Cerebras Systems and Opentensor with generous support from G42 Cloud and IIAI
  • License: Apache 2.0
  • Model type: Decoder-only Language Model
  • Architecture: GPT-2 style architecture with SwiGLU, ALiBi, and muP
  • Data set: SlimPajama-627B
  • Tokenizer: Byte Pair Encoding
  • Vocabulary Size: 50257
  • Sequence Length: 8192
  • Optimizer: AdamW
  • Positional Encoding: ALiBi
  • Language: English
  • Learn more: <TODO: link to blog>
  • Paper: Coming soon

To continue training with PyTorch and Maximal Update Parameterization

from transformers import AutoModelForCausalLM
import torch

model = AutoModelForCausalLM.from_pretrained("cerebras/btlm-3b-8k-base", trust_remote_code=True)

# Get the parameter groups for the muP optimizer
param_groups = model.get_mup_param_groups(lr=1e-3, weight_decay=0.1)

# Set up the optimizer using AdamW with muP parameters
optimizer = torch.optim.AdamW(
    param_groups,
    betas=(0.9, 0.95),
    eps=1e-8
)

Ensure the following muP parameters are passed in your config, otherwise your model will default to standard parameterization

  • mup_width_scale: <float>
  • mup_embeddings_scale: <float>
  • mup_output_alpha: <float>
  • mup_scale_qk_dot_by_d: true

Uses and Limitations

Intended Use

The primary intended use is to further research into large language models. BTLM-3B-8k-base can be used as a foundation model for NLP, applications, ethics, and alignment research. We release these models with a fully permissive Apache license for the community to use freely.

You may fine-tune and adapt BTLM-3B-8k-base model via either Cerebras Model Studio or third-party libraries. Further safety-related testing and mitigations should be applied before using the BTLM-3B-8k-base in production downstream applications.

Long Sequence Lengths

To enable long sequence applications, we use ALiBi position embeddings and trained on 470B tokens at the context length of 2,048 followed by 157B of tokens trained at 8,192 context length. To assess BTLM’s long sequence capability, we evaluate the on SlimPajama test set with 32,768 context length and plot loss at each token position. Although ALiBi allows extrapolation in theory, 2,048 context length training alone does not extrapolate well in practice. Thankfully variable sequence length training allows substantially improves extrapolation. BTLM-3B extrapolates well up to 10k context length but the performance degrades slightly beyond this.

figure_5_image Figure 5: BTLM-3B model's cross-entropy evaluation on the SlimPajama’s test set. Inference performed on the extrapolated sequence length of 32,768 tokens.

Out of Scope Use

BTLM-3B-8k-base was trained on SlimPajama, with primarily English language, and is not recommended for machine translation tasks. BTLM-3B-8k-base has not been tuned for instruction-following or chat-based use cases.

Limitations

Since BTLM-3B-8K-base is not instruction fine-tuned, it performs best with “completion-style” prompts rather than “instruction-style” prompts.

For example, an instruction style prompt like: "What does a manometer measure?" Produces the following text: “What does a manometer measure?\nWhat is the difference between a thermometer and hygaugeometer, thermoetermometer\nHow do\nDifference between gauge and barometer”. This is because the model was trained to complete the text it has seen rather than follow instructions. Instead, if we rephrase the instruction as a text completion problem, we can obtain useful outputs. See examples below.

Prompt: “A manometer is used to measure"
Generation: “the pressure of a fluid in a liquid or gas. A manometric pressure. It is a pressure gauge. The pressure or gauge pressure is the volume of the.”
Prompt: “Robert Oppenheimer was a”
Generation: “theoretical physicist and a physicist who was the first to develop the atomic bomb. who was born in the the first the the bomb and the Manhattan Project the nuclear the project the United States.”
Prompt: “Albert Einstein was known for”
Generation: “his theory of relativity, which was a theory that the theory which explained the speed of gravity and the universe. of gravity. The theory. He was the gravity of the relativity of space-time and time and space and theory of.”
Prompt: “Isaac Newton was a”
Generation: “English physicist, mathematician, astronomer, and natural philosopher, theologian, alchemist, physicist and astronomer and mathematician. He was born in 1642, who was the greatest scientist, he was also, scientist and philosopher.”
Prompt: "After it leaves the right ventricle, the blood is pumped"
Generation: “into the left atrium, it goes through the pulmonary artery to the lungs. The right side of the lung.”
Prompt: “Peter lost his wallet after attending a local concert. To help him, Bob gave David 10 dollars. David then passed it on to Peter. Now the total amount of money Peter has is”
Generation: “$10 dollars.”

Risk, Bias, Ethical Considerations

  • Human life: The outputs from this model may or may not align with human values. The risk needs to be thoroughly investigated before deploying this model in a production environment where it can directly impact human life.
  • Risks and harms: There may be distributional bias in the RedPajama dataset that can manifest in various forms in the downstream model deployment. There are other risks associated with large language models such as amplifying stereotypes, memorizing training data, or revealing private or secure information.

Acknowledgements

We are thankful to all Cerebras engineers that made this work possible.

We would like to acknowledge the generous support of G42 Cloud and the Inception Institute of Artificial Intelligence for providing compute time on Condor Galaxy 1.