Edit model card

westKunai-XD-7b

This is a merge of pre-trained language models created using mergekit.

Quantized versions :

Merge Details

Models Merged

The following models were included in the merge:

Configuration

The following YAML configuration was used to produce this model:

models:
  - model: mistralai/Mistral-7B-v0.1
    # No parameters necessary for base model
  - model: seyf1elislam/WestKunai-Hermes-7b
    parameters:
      weight: 0.75
      density: 0.65
  - model: seyf1elislam/KuTrix-7b
    parameters:
      weight: 0.25
      density: 0.65
merge_method: dare_ties
base_model: mistralai/Mistral-7B-v0.1
parameters:
  int8_mask: true
dtype: bfloat16

Usage Example

!pip install -qU transformers accelerate

from transformers import AutoTokenizer
import transformers
import torch

model = "seyf1elislam/Kunai-XD-7b"
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"])

Open LLM Leaderboard Evaluation Results

Detailed results can be found here

Metric Value
Avg. 73.27
AI2 Reasoning Challenge (25-Shot) 71.25
HellaSwag (10-Shot) 87.59
MMLU (5-Shot) 64.69
TruthfulQA (0-shot) 67.29
Winogrande (5-shot) 82.24
GSM8k (5-shot) 66.57
Downloads last month
62
Safetensors
Model size
7.24B params
Tensor type
BF16
·
Inference API
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 seyf1elislam/WestKunai-XD-7b

Merge model
this model
Quantizations
1 model

Collection including seyf1elislam/WestKunai-XD-7b

Evaluation results