Llama-3 DPO Logo

MaziyarPanahi/Llama-3-70B-Instruct-v0.1

This model is a fine-tune of meta-llama/Meta-Llama-3-70B-Instruct model. This version comes with <|im_start|> and <|im_end|> as extra tokens to avoid taking up extra tokens via ChatML prompt.

⚑ Quantized GGUF

All GGUF models are available here: MaziyarPanahi/Llama-3-70B-Instruct-v0.1-GGUF

πŸ† Open LLM Leaderboard Evaluation Results

coming soon.

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/Llama-3-70B-Instruct-v0.1 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/Llama-3-70B-Instruct-v0.1"

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("<|eot_id|>")
]

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
29
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/Llama-3-70B-Instruct-v0.1

Finetuned
(41)
this model

Dataset used to train MaziyarPanahi/Llama-3-70B-Instruct-v0.1

Collections including MaziyarPanahi/Llama-3-70B-Instruct-v0.1