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