Llama-3 DPO Logo

MaziyarPanahi/calme-2.1-llama3-70b

This model is a fine-tune (DPO) of meta-llama/Meta-Llama-3-70B-Instruct model.

⚑ Quantized GGUF

All GGUF models are available here: MaziyarPanahi/calme-2.1-llama3-70b-GGUF

πŸ† Open LLM Leaderboard Evaluation Results

Detailed results can be found here

Metric Value
Avg. 78.11
AI2 Reasoning Challenge (25-Shot) 71.67
HellaSwag (10-Shot) 85.83
MMLU (5-Shot) 80.12
TruthfulQA (0-shot) 62.11
Winogrande (5-shot) 82.87
GSM8k (5-shot) 86.05

Top 10 models on the Leaderboard Llama-3-70B finet-tuned models

Prompt Template

This model uses ChatML prompt template:

<|im_start|>system
{System}
<|im_end|>
<|im_start|>user
{User}
<|im_end|>
<|im_start|>assistant
{Assistant}

How to use

You can use this model by using MaziyarPanahi/calme-2.1-llama3-70b as the model name in Hugging Face's transformers library.

from transformers import AutoModelForCausalLM, AutoTokenizer, TextStreamer
from transformers import pipeline
import torch

model_id = "MaziyarPanahi/calme-2.1-llama3-70b"

model = AutoModelForCausalLM.from_pretrained(
    model_id,
    torch_dtype=torch.bfloat16,
    device_map="auto",
    trust_remote_code=True,
    # attn_implementation="flash_attention_2"
)

tokenizer = AutoTokenizer.from_pretrained(
    model_id,
    trust_remote_code=True
)

streamer = TextStreamer(tokenizer)

pipeline = pipeline(
    "text-generation",
    model=model,
    tokenizer=tokenizer,
    model_kwargs={"torch_dtype": torch.bfloat16},
    streamer=streamer
)

# Then you can use the pipeline to generate text.

messages = [
    {"role": "system", "content": "You are a pirate chatbot who always responds in pirate speak!"},
    {"role": "user", "content": "Who are you?"},
]

prompt = tokenizer.apply_chat_template(
    messages,
    tokenize=False,
    add_generation_prompt=True
)

terminators = [
    tokenizer.eos_token_id,
    tokenizer.convert_tokens_to_ids("<|im_end|>"),
    tokenizer.convert_tokens_to_ids("<|eot_id|>") # safer to have this too
]

outputs = pipeline(
    prompt,
    max_new_tokens=2048,
    eos_token_id=terminators,
    do_sample=True,
    temperature=0.6,
    top_p=0.95,
)
print(outputs[0]["generated_text"][len(prompt):])
Downloads last month
45
Safetensors
Model size
70.6B params
Tensor type
BF16
Β·
Inference Providers NEW
This model is not currently available via any of the supported Inference Providers.
The model cannot be deployed to the HF Inference API: The model authors have turned it off explicitly.

Model tree for MaziyarPanahi/calme-2.1-llama3-70b

Finetuned
(41)
this model
Quantizations
1 model

Dataset used to train MaziyarPanahi/calme-2.1-llama3-70b

Collections including MaziyarPanahi/calme-2.1-llama3-70b

Evaluation results