Edit model card

Power Llama 3 13B Instruct

Power Llama 3 13B Instruct is a Very Powerful Model under POWER SERIES. It's Creativity, Problem Solving skills, Maths and Logic is better than Meta Llama 3 70B and Beats all 13b Models.

image/png

🧩 Evaluation

Coming Soon

πŸ’» Usage

Same as Llama 3 But Best in Creative writing, Logical Reasoning, Translation, Maths, Coding, etc.

Code

!pip install -qU transformers accelerate

from transformers import AutoTokenizer
import transformers
import torch

model = "refine-ai/Power-Llama-3-13b"
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=4096, do_sample=True, temperature=0.7, top_k=50, top_p=0.95)
print(outputs[0]["generated_text"])
Downloads last month
15
Safetensors
Model size
13.3B params
Tensor type
FP16
Β·
Inference Examples
This model does not have enough activity to be deployed to Inference API (serverless) yet. Increase its social visibility and check back later, or deploy to Inference Endpoints (dedicated) instead.

Model tree for refine-ai/Power-Llama-3-13b-Instruct

Finetuned
(380)
this model
Merges
1 model
Quantizations
1 model

Collection including refine-ai/Power-Llama-3-13b-Instruct