BurnMaster-1B 🔥

Introduction

BurnMaster-1B is a playful AI roast-bot built on top of Qwen2.5-1.5B-Instruct.
Instead of being a generic assistant, BurnMaster specializes in delivering short, witty, clean roasts for fun and entertainment.

✨ Features:

  • Clean & funny burns, safe for friends
  • Adjustable spice levels (from teasing → max spicy roast)
  • Preloaded with random roast ideas for instant laughs
  • Powered by the Qwen2.5-1.5B-Instruct model architecture

Quickstart

from transformers import AutoModelForCausalLM, AutoTokenizer
import torch

model_name = "CoderPixel/BurnMaster-1B"

tokenizer = AutoTokenizer.from_pretrained(model_name)
model = AutoModelForCausalLM.from_pretrained(
    model_name,
    torch_dtype=torch.float16,
    device_map="auto"
)

messages = [
    {"role": "system", "content": "You are BurnMaster, an AI that delivers short, funny, clean roasts."},
    {"role": "user", "content": "Roast me like I rage quit Roblox after losing to a 9-year-old."}
]

text = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
inputs = tokenizer([text], return_tensors="pt").to(model.device)

outputs = model.generate(**inputs, max_new_tokens=100, do_sample=True, temperature=0.9, top_p=0.9)
response = tokenizer.decode(outputs[0][inputs['input_ids'].shape[1]:], skip_special_tokens=True)

print(response)
Downloads last month
11
Safetensors
Model size
1.54B params
Tensor type
BF16
·
Inference Providers NEW
This model isn't deployed by any Inference Provider. 🙋 1 Ask for provider support

Model tree for CoderPixel/BurnMaster-1B

Base model

Qwen/Qwen2.5-1.5B
Finetuned
(1120)
this model
Quantizations
2 models