Edit model card

AI-M3-10.7Bv2

AI-M3-10.7Bv2 is a merge of the following models using LazyMergekit:

🧩 Configuration

dtype: float16
base_model: mistralai/Mistral-7B-Instruct-v0.3
merge_method: task_arithmetic
slices:
- sources:
    - model: mistralai/Mistral-7B-Instruct-v0.3
      layer_range: [0, 26]
- sources:
    - model: mistralai/Mistral-7B-Instruct-v0.3
      layer_range: [10, 32]
parameters:
  t: 1
  weight: 1.0

πŸ’» Usage

!pip install -qU transformers accelerate

from transformers import AutoTokenizer
import transformers
import torch

model = "sydonayrex/AI-M3-10.7Bv2"
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"])
Downloads last month
6
Safetensors
Model size
10.7B 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 sydonayrex/AI-M3-10.7Bv2

Finetuned
(51)
this model
Finetunes
1 model
Quantizations
10 models