Llama3-8B-OpenHermes-DPO

image/png

Llama3-8B-OpenHermes-DPO is DPO-Finetuned model of Llama3-8B, on the OpenHermes-2.5 preference dataset using QLoRA.


πŸ’» Usage

!pip install -qU transformers accelerate

from transformers import AutoTokenizer
import transformers
import torch

model = "Muhammad2003/Llama3-8B-OpenHermes-DPO"
messages = [{"role": "user", "content": "What is a large language model?"}]

tokenizer = AutoTokenizer.from_pretrained(model)
prompt = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
pipeline = transformers.pipeline(
    "text-generation",
    model=model,
    torch_dtype=torch.float16,
    device_map="auto",
)

outputs = pipeline(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95)
print(outputs[0]["generated_text"])

πŸ† Evaluation results

Coming Soon

Downloads last month
127
Safetensors
Model size
8.03B params
Tensor type
BF16
Β·
Inference Providers NEW
This model is not currently available via any of the supported third-party Inference Providers, and the model is not deployed on the HF Inference API.

Model tree for Muhammad2003/Llama3-8B-OpenHermes-DPO

Finetunes
7 models
Merges
4 models
Quantizations
5 models

Dataset used to train Muhammad2003/Llama3-8B-OpenHermes-DPO

Spaces using Muhammad2003/Llama3-8B-OpenHermes-DPO 6