llama factory 扩充词表训练

文章目录

方式一

python 复制代码
from transformers import AutoTokenizer, AutoModelForCausalLM
import torch


model_name = "/root/autodl-tmp/LLaMA-Factory/ckpts/Qwen3-0.6B"
new_tokens = ["<|C-L|>", "<|S-L|>", "<|C-S|>", "<|S-S|>"]

output_dir = model_name + "_custom_tokens"

print("[DEBUG] output_dir: ", output_dir)

tokenizer = AutoTokenizer.from_pretrained(model_name, use_fast=True, trust_remote_code=True)
model = AutoModelForCausalLM.from_pretrained(
    model_name,
    dtype="auto",
    device_map="auto",
    trust_remote_code=True,
)

print("[DEBUG] 已加载原始模型和分词器")
print(f"[DEBUG] 原始词表大小: {len(tokenizer)}")


# 检查当前是否已存在
exist = [t for t in new_tokens if tokenizer.convert_tokens_to_ids(t) != tokenizer.unk_token_id]
print("[DEBUG] new_tokens already exist:", exist)

exist = []
for t in new_tokens:
    for st in list(t):
        if tokenizer.convert_tokens_to_ids(st) != tokenizer.unk_token_id:
            exist.append(st)

print("[DEBUG] tokens already exist:", set(exist))


# 把 new tokens 加入 tokenizer
added = tokenizer.add_special_tokens({"additional_special_tokens": new_tokens})    # 把它们当作 additional_special_tokens(语义上更"特殊")
# added = tokenizer.add_tokens(new_tokens)       # 或者直接 add_tokens(普通 token,但也会被视为单 token)
print(f"[DEBUG] 成功添加 {added} 个新token")
print(f"[DEBUG] 扩展后词表大小: {len(tokenizer)}")


# 初始化 embedding
model.resize_token_embeddings(len(tokenizer))
emb = model.get_input_embeddings().weight.data
vocab_size, dim = emb.shape
print("[DEBUG] ", vocab_size, dim)

for new_id, new_token in zip(list(range(vocab_size - added, vocab_size)), new_tokens):

    mean_tensor = []
    for mean_id in list(new_token):
        mean_emb = emb[tokenizer.convert_tokens_to_ids(mean_id), :]
        mean_tensor.append(mean_emb)

    emb[new_id] = torch.stack(mean_tensor, 0).mean(0)

print("[DEBUG] ", emb.shape)

exist = [t for t in new_tokens if tokenizer.convert_tokens_to_ids(t) != tokenizer.unk_token_id]
print("[DEBUG] new_tokens already exist:", exist)

for t in new_tokens:
    toks = tokenizer.tokenize(t)
    ids = tokenizer.encode(t, add_special_tokens=False)
    print("[DEBUG] ", t, "-> tokens:", toks, "ids:", ids)
    assert len(ids) == 1, f"{t} 被拆成 {len(ids)} 个 token,需检查 tokenizer 类型"


tokenizer.save_pretrained(output_dir, push_to_hub=False)
model.save_pretrained(output_dir, push_to_hub=False)

方式二

在 train.yaml 中添加

yaml 复制代码
# # additional_target: embed_tokens,norm
# # additional_target: embed_tokens,lm_head,norm
new_special_tokens_config: /root/autodl-tmp/LLaMA-Factory/yamls/control_tokens.yaml
init_special_tokens: noise_init   # noise_init, desc_init, desc_init_w_noise
add_special_tokens: <|C-L|>, <|S-L|>, <|C-S|>, <|S-S|>

ref:https://github.com/hiyouga/LLaMA-Factory/pull/9267

注意

合并权重需要有

yaml 复制代码
skip_special_tokens: false

并且加载模型的时候也需要

python 复制代码
 self.tokenizer = AutoTokenizer.from_pretrained(self.model_path, use_fast=True, trust_remote_code=True)

 if self.infer_backend == "huggingface":
     self.model = AutoModelForCausalLM.from_pretrained(
         self.model_path,
         dtype="auto",
         device_map="auto",
         trust_remote_code=True,
     )

 elif self.infer_backend == "vllm":
     from vllm import LLM, SamplingParams

     self.sampling_params = SamplingParams(
         temperature=0.01,           
         # top_p=0.9,                
         # top_k=1,                  
         max_tokens=8,               
         stop=[],                    
         skip_special_tokens=False,   # 保留特殊token
     )

     self.model = LLM(
         model=self.model_path,
         tensor_parallel_size=len(self.devices),       
         gpu_memory_utilization=0.9,                   
         max_model_len=4096,
         trust_remote_code=True,
         enable_prefix_caching=True,                   
         max_num_seqs=64,                              
     )
python 复制代码
content = self.tokenizer.decode(output_ids[index:], skip_special_tokens=False).strip("\n")
相关推荐
Coovally AI模型快速验证5 小时前
当视觉语言模型接收到相互矛盾的信息时,它会相信哪个信号?
人工智能·深度学习·算法·机器学习·目标跟踪·语言模型
居7然5 小时前
Attention注意力机制:原理、实现与优化全解析
人工智能·深度学习·大模型·transformer·embedding
Python图像识别7 小时前
75_基于深度学习的咖啡叶片病害检测系统(yolo11、yolov8、yolov5+UI界面+Python项目源码+模型+标注好的数据集)
python·深度学习·yolo
PyAIGCMaster7 小时前
钉钉的设计理念方面,我可以学习
人工智能·深度学习·学习·钉钉
深蓝电商API8 小时前
告别混乱文本:基于深度学习的 PDF 与复杂版式文档信息抽取
人工智能·深度学习·pdf
tt5555555555558 小时前
Transformer原理与过程详解
网络·深度学习·transformer
qzhqbb8 小时前
神经网络—— 人工神经网络
人工智能·深度学习·神经网络
Victory_orsh9 小时前
“自然搞懂”深度学习(基于Pytorch架构)——010203
人工智能·pytorch·python·深度学习·神经网络·算法·机器学习