Rei 12B
Rei-12B是一個旨在復現Claude 3系列模型(特別是Sonnet和Opus)散文質量的大語言模型,基於Mistral-Nemo-Instruct微調而成
下載量 944
發布時間 : 1/23/2025
模型概述
該模型專注於生成高質量的散文文本,特別適合角色扮演和創意寫作場景,採用了原型magnum V5數據混合進行訓練
模型特點
Claude 3風格散文
專門優化用於復現Claude 3系列模型的散文質量
角色扮演優化
支持Euryale系統提示詞,特別適合角色扮演場景
長上下文支持
支持16384 tokens的長上下文處理能力
多數據集訓練
使用11個高質量數據集進行訓練,包括ShareGPT和Claude-Instruct等
模型能力
創意寫作
角色扮演對話
長文本生成
散文風格文本生成
指令跟隨
使用案例
創意寫作
小說創作
生成具有文學質量的散文段落
可產生類似Claude 3風格的流暢文本
角色扮演
互動敘事
使用Euryale系統提示詞進行角色扮演對話
能生成包含對話、動作和思想的豐富回應
🚀 Rei-12B模型介紹
這是一個旨在複製Claude 3系列模型(特別是Sonnet和Opus)散文質量的模型,使用原型magnum V5數據混合製作。該模型在Mistral-Nemo-Instruct(chatML'ified)基礎上進行微調。
✨ 主要特性
- 該模型設計用於模仿Claude 3系列(特別是Sonnet和Opus)的散文質量。
- 在Mistral-Nemo-Instruct(chatML'ified)基礎上進行微調。
📚 詳細文檔
量化版本
- EXL2: https://huggingface.co/Delta-Vector/Rei-12B-EXL2
- GGUF: https://huggingface.co/Delta-Vector/Rei-12B-gguf/
提示格式
典型的輸入格式如下:
"""<|im_start|>user
Hi there!<|im_end|>
<|im_start|>assistant
Nice to meet you!<|im_end|>
<|im_start|>user
Can I ask a question?<|im_end|>
<|im_start|>assistant
"""
強烈建議使用Euryale的系統提示與該模型配合使用。
查看Sao10k的Euryale系統提示
Currently, your role is {{char}}, described in detail below. As {{char}}, continue the narrative exchange with {{user}}.
<Guidelines>
• Maintain the character persona but allow it to evolve with the story.
• Be creative and proactive. Drive the story forward, introducing plotlines and events when relevant.
• All types of outputs are encouraged; respond accordingly to the narrative.
• Include dialogues, actions, and thoughts in each response.
• Utilize all five senses to describe scenarios within {{char}}'s dialogue.
• Use emotional symbols such as "!" and "~" in appropriate contexts.
• Incorporate onomatopoeia when suitable.
• Allow time for {{user}} to respond with their own input, respecting their agency.
• Act as secondary characters and NPCs as needed, and remove them when appropriate.
• When prompted for an Out of Character [OOC:] reply, answer neutrally and in plaintext, not as {{char}}.
</Guidelines>
<Forbidden>
• Using excessive literary embellishments and purple prose unless dictated by {{char}}'s persona.
• Writing for, speaking, thinking, acting, or replying as {{user}} in your response.
• Repetitive and monotonous outputs.
• Positivity bias in your replies.
• Being overly extreme or NSFW when the narrative context is inappropriate.
</Forbidden>
Axolotl配置
查看axolotl配置
## model
base_model: NewEden_nemo-chatml
model_type: AutoModelForCausalLM
tokenizer_type: AutoTokenizer
## qlora COPE
load_in_8bit: false
load_in_4bit: false
strict: false
## data
datasets:
- path: AquaV/c2-sharegpt-advanced-prefills-filtered
type: sharegpt
- path: AquaV/c1-sharegpt-advanced-prefills-filtered
type: sharegpt
- path: AquaV/rainy-sharegpt-advanced-prefills-filtered
type: sharegpt
- path: anthracite-core/Gryphe-Opus-Charcard-Roleplay
type: sharegpt
- path: anthracite-org/kalo-opus-instruct-22k-no-refusal
type: sharegpt
- path: lodrick-the-lafted/kalo-opus-instruct-3k-filtered
type: sharegpt
- path: anthracite-org/nopm_claude_writing_fixed
type: sharegpt
- path: anthracite-org/kalo_opus_misc_240827
type: sharegpt
- path: anthracite-org/kalo_misc_part2
type: sharegpt
- path: NewEden/Claude-Instruct-2.7K
type: sharegpt
- path: NewEden/Claude-Instruct-5K
type: sharegpt
shuffle_merged_datasets: true
dataset_prepared_path: dataset_prepared
val_set_size: 0.02
output_dir: 12b-out-rslora-SE
## LIGGER
plugins:
- axolotl.integrations.liger.LigerPlugin
liger_rope: true
liger_rms_norm: true
liger_layer_norm: true
liger_glu_activation: true
liger_fused_linear_cross_entropy: true
## CTX settings
sequence_len: 16384
sample_packing: true
eval_sample_packing: true
pad_to_sequence_len: true
## Lora
adapter: lora
lora_model_dir:
lora_r: 128
lora_alpha: 16
lora_dropout: 0.05
lora_target_linear: true
lora_fan_in_fan_out:
peft_use_rslora: true
lora_modules_to_save:
- embed_tokens
- lm_head
## WandB
wandb_project: rei
wandb_entity:
wandb_watch:
wandb_name: daring-mango
wandb_log_model:
## evals
evals_per_epoch: 4
eval_table_size:
eval_max_new_tokens: 128
## hoe params
gradient_accumulation_steps: 4
micro_batch_size: 1
num_epochs: 2
optimizer: paged_ademamix_8bit
# optimizer: paged_adamw_8bit
lr_scheduler: cosine
learning_rate: 2.83e-5
train_on_inputs: false
group_by_length: false
bf16: auto
fp16:
tf32: false
gradient_checkpointing: unsloth
early_stopping_patience:
resume_from_checkpoint:
local_rank:
logging_steps: 1
xformers_attention:
flash_attention: true
s2_attention:
warmup_steps: 40
saves_per_epoch: 2
debug:
## for ademiamix
deepspeed: /workspace/axolotl/deepspeed_configs/zero3_bf16_cpuoffload_params.json
## for adamw
# deepspeed: ./deepspeed_configs/zero3_bf16.json
weight_decay: 0.01
fsdp:
fsdp_config:
special_tokens:
pad_token: <pad>
訓練情況
該模型訓練了2個epoch。微調過程使用了由@intervitens慷慨提供的4塊3090 GPU。
📄 數據集信息
屬性 | 詳情 |
---|---|
模型類型 | 旨在複製Claude 3系列(特別是Sonnet和Opus)散文質量的模型 |
訓練數據 | AquaV/c2-sharegpt-advanced-prefills-filtered、AquaV/c1-sharegpt-advanced-prefills-filtered、AquaV/rainy-sharegpt-advanced-prefills-filtered、anthracite-core/Gryphe-Opus-Charcard-Roleplay、anthracite-org/kalo-opus-instruct-22k-no-refusal、lodrick-the-lafted/kalo-opus-instruct-3k-filtered、anthracite-org/nopm_claude_writing_fixed、anthracite-org/kalo_opus_misc_240827、anthracite-org/kalo_misc_part2、NewEden/Claude-Instruct-2.7K、NewEden/Claude-Instruct-5K |
Phi 2 GGUF
其他
Phi-2是微軟開發的一個小型但強大的語言模型,具有27億參數,專注於高效推理和高質量文本生成。
大型語言模型 支持多種語言
P
TheBloke
41.5M
205
Roberta Large
MIT
基於掩碼語言建模目標預訓練的大型英語語言模型,採用改進的BERT訓練方法
大型語言模型 英語
R
FacebookAI
19.4M
212
Distilbert Base Uncased
Apache-2.0
DistilBERT是BERT基礎模型的蒸餾版本,在保持相近性能的同時更輕量高效,適用於序列分類、標記分類等自然語言處理任務。
大型語言模型 英語
D
distilbert
11.1M
669
Llama 3.1 8B Instruct GGUF
Meta Llama 3.1 8B Instruct 是一個多語言大語言模型,針對多語言對話用例進行了優化,在常見的行業基準測試中表現優異。
大型語言模型 英語
L
modularai
9.7M
4
Xlm Roberta Base
MIT
XLM-RoBERTa是基於100種語言的2.5TB過濾CommonCrawl數據預訓練的多語言模型,採用掩碼語言建模目標進行訓練。
大型語言模型 支持多種語言
X
FacebookAI
9.6M
664
Roberta Base
MIT
基於Transformer架構的英語預訓練模型,通過掩碼語言建模目標在海量文本上訓練,支持文本特徵提取和下游任務微調
大型語言模型 英語
R
FacebookAI
9.3M
488
Opt 125m
其他
OPT是由Meta AI發佈的開放預訓練Transformer語言模型套件,參數量從1.25億到1750億,旨在對標GPT-3系列性能,同時促進大規模語言模型的開放研究。
大型語言模型 英語
O
facebook
6.3M
198
1
基於transformers庫的預訓練模型,適用於多種NLP任務
大型語言模型
Transformers

1
unslothai
6.2M
1
Llama 3.1 8B Instruct
Llama 3.1是Meta推出的多語言大語言模型系列,包含8B、70B和405B參數規模,支持8種語言和代碼生成,優化了多語言對話場景。
大型語言模型
Transformers 支持多種語言

L
meta-llama
5.7M
3,898
T5 Base
Apache-2.0
T5基礎版是由Google開發的文本到文本轉換Transformer模型,參數規模2.2億,支持多語言NLP任務。
大型語言模型 支持多種語言
T
google-t5
5.4M
702
精選推薦AI模型
Llama 3 Typhoon V1.5x 8b Instruct
專為泰語設計的80億參數指令模型,性能媲美GPT-3.5-turbo,優化了應用場景、檢索增強生成、受限生成和推理任務
大型語言模型
Transformers 支持多種語言

L
scb10x
3,269
16
Cadet Tiny
Openrail
Cadet-Tiny是一個基於SODA數據集訓練的超小型對話模型,專為邊緣設備推理設計,體積僅為Cosmo-3B模型的2%左右。
對話系統
Transformers 英語

C
ToddGoldfarb
2,691
6
Roberta Base Chinese Extractive Qa
基於RoBERTa架構的中文抽取式問答模型,適用於從給定文本中提取答案的任務。
問答系統 中文
R
uer
2,694
98