Chat Vectorで日本語LLMをチャットモデルに改造する方法(GoogleColab付)

AI・機械学習

はじめに

最近、大規模言語モデル(LLM)の開発が急速に進んでいますが、データの制約により、多くのオープンソースLLMの性能は主に英語に限定されています。この問題に対処するため、Chat Vector論文では、簡単なモデルの算術演算を用いて事前学習済みの言語モデルに指示に従う能力やモデルを人間の価値観に沿ったものにする方法が提案されています。

本記事では、Chat Vectorの概要を説明した上で、実際に日本語の事前学習済みモデルにChat Vectorを適用してチャットモデルに改造する方法を解説します。

Chat Vectorとは

Chat Vectorは、事前学習済みの基本モデル(以下、PLMと呼びます)の重みパラメータから、そのPLMを指示に従うように微調整(SFT)し、さらに人間のフィードバックによる強化学習(RLHF)を行ったチャットモデルの重みパラメータを引き算することで得られるベクトルです。

このChat Vectorを、PLMを対象言語で追加学習(CP)したモデルの重みパラメータに加算するだけで、そのモデルにチャット能力を付与することができます。つまり、対象言語でSFTやRLHFを行わなくても、英語で学習したチャット能力を移植できるのです。

以下の図は、従来のアプローチとChat Vectorを用いたアプローチの違いを示しています。

file

実装方法

それでは、実際にChat Vectorを用いて日本語LLMをチャットモデルに改造する方法を見ていきましょう。ここでは、東工大の日本語事前学習モデルSwallow-7Bを例に説明します。

1. 必要なライブラリのインストール

まず、必要なライブラリをインストールします。

!pip install transformers sentencepiece
!pip install protobuf
!pip install -U accelerate

2. モデルとトークナイザの読み込み

次に、以下のモデルとトークナイザを読み込みます。

  • PLM: mistralai/Mistral-7B-v0.1
  • CP: tokyotech-llm/Swallow-MS-7B
  • チャットモデル: mistralai/Mistral-Chat-7B
from transformers import AutoModelForCausalLM
import torch
from transformers import AutoTokenizer
from tqdm import tqdm
plm = AutoModelForCausalLM.from_pretrained(
    "mistralai/Mistral-7B-v0.1",
    torch_dtype=torch.bfloat16,
    device_map="cpu",
)
cp = AutoModelForCausalLM.from_pretrained(
    "tokyotech-llm/Swallow-MS-7b-v0.1",
    torch_dtype=torch.bfloat16,
    device_map="cpu",
)
chat = AutoModelForCausalLM.from_pretrained(
    "mistralai/Mistral-7B-Instruct-v0.2",
    torch_dtype=torch.bfloat16,
    device_map="cpu",
)
plm_tokenizer = AutoTokenizer.from_pretrained("mistralai/Mistral-7B-v0.1")
cp_tokenizer = AutoTokenizer.from_pretrained("tokyotech-llm/Swallow-MS-7b-v0.1")
chat_tokenizer = AutoTokenizer.from_pretrained("mistralai/Mistral-7B-Instruct-v0.2")

3. トークナイザの確認

PLMとCPモデルのトークナイザが同じボキャブラリを共有していることを確認します。

トークナイザとボキャブラリの詳しい解説
はじめに自然言語処理(NLP)タスクを行う上で、トークナイザとボキャブラリは非常に重要な役割を果たします。この記事では、トークナイザとボキャブラリについて、初心者にもわかりやすいように丁寧に解説していきます。コーパスとはコーパスとは、自然言...
# text = "こんにちは、世界!"
text = "Hello World! How are you? 😐"

print("PLM:", plm_tokenizer(text).input_ids)
print("CP:", cp_tokenizer(text).input_ids)
print("Chat:", chat_tokenizer(text).input_ids)

出力例:
PLM: [1, 22557, 3304, 28808, 1602, 460, 368, 28804, 28705, 243, 162, 155, 147]
CP: [1, 22557, 3304, 28808, 1602, 460, 368, 28804, 28705, 243, 162, 155, 147]
Chat: [1, 22557, 3304, 28808, 1602, 460, 368, 28804, 28705, 243, 162, 155, 147]

PLMとCPモデルのトークナイザが同じidを返していることが確認できます。

4. Chat Vectorの計算

PLMとチャットモデルの重みパラメータからChat Vectorを計算します。ここでは、埋め込み層とlm_headはサイズが異なるため除外しています。

# 除外するレイヤー名
exclude_layers = ["model.embed_tokens.weight", "lm_head.weight"]

chat_vector = {}
for name, param in tqdm(chat.state_dict().items()):
    if name not in exclude_layers:
        chat_vector[name] = param - plm.state_dict()[name]

5. Chat Vectorの適用

計算したChat VectorをCPモデルの重みパラメータに加算します。

for name, param in tqdm(cp.state_dict().items()):
    if name in chat_vector:
        param.data += chat_vector[name].to(param.device)

6. 改造後モデルの保存

Chat Vectorを適用した改造後モデルを保存します。

cp.save_pretrained("swallow-chat-7b")
cp_tokenizer.save_pretrained("./swallow-chat-7b")

了解しました。それでは、「7. 改造後モデルの推論」の部分を複数パターンの推論結果を表示するように修正します。

7. 改造後モデルの推論

改造後モデルを使って、実際に推論を行ってみましょう。ここでは、以下の4つのモデルを比較します。

  • PLM (Swallow-7B)
  • CP (Swallow-MS-7B)
  • Chat Vector適用前のCP (Swallow-MS-7B)
  • Chat Vector適用後のCP (Swallow-Chat-7B)
!ls ./swallow-chat-7b
    config.json           model-00003-of-00003.safetensors  tokenizer.json
    generation_config.json        model.safetensors.index.json      tokenizer.model
    model-00001-of-00003.safetensors  special_tokens_map.json
    model-00002-of-00003.safetensors  tokenizer_config.json
from transformers import pipeline

models = {
    "PLM": "mistralai/Mistral-7B-v0.1",
    "CP": "tokyotech-llm/Swallow-MS-7b-v0.1",
    "CP_after_chat_vector": "./swallow-chat-7b",
}

prompt = "こんにちは、今日の東京の天気は?"

for model_name, model_path in models.items():
    tokenizer = AutoTokenizer.from_pretrained(model_path)
    model = AutoModelForCausalLM.from_pretrained(
        model_path,
        torch_dtype=torch.bfloat16,
        device_map="cpu",
    )

    generator = pipeline("text-generation", model=model, tokenizer=tokenizer)
    # 推論設定
    generator_params = dict(
        max_length = 128,
        do_sample = True,
        temperature = 0.99,
        top_p = 0.95,
        pad_token_id = tokenizer.eos_token_id,
        truncation = True,
    )
    response = generator(
        prompt,
        **generator_params,
    )
    # response = generator(prompt, max_length=100, num_return_sequences=1)

    print(f"モデル: {model_name}")
    print(response[0]["generated_text"])
    print("---")
    出力例:
    ---

    Loading checkpoint shards:   0%|          | 0/2 [00:00<?, ?it/s]
    モデル: PLM
    こんにちは、今日の東京の天気は??を考えてみると

    ```
    # 僕が得たデータセットはこれ

    ```
    > "今日は東京では晴れています。"
    ```

    そこから先にはこんにちは、今日の東京の天気は??を考えてみると

    ```
    > "こんにちは、今日の東京の天気
    ---
    Loading checkpoint shards:   0%|          | 0/3 [00:00<?, ?it/s]
    モデル: CP
    こんにちは、今日の東京の天気は?
    2019年4月1日午前9時半の段階で、東京の天気予報を発表している
    気象庁のHPをチェックしてみました。
    東京は晴れです!
    今日も朝から晴れ、1日を通して晴れて、気持ちの良い1日になりそうですね。
    しかし、明日からの予報は雨に変わっていますので、明日のお花見は
    無理なようですね、残念ですね。
    しかし、今日の天気は最高に晴天で、1
    ---
    Loading checkpoint shards:   0%|          | 0/3 [00:00<?, ?it/s]
    モデル: CP_before_chat_vector
    こんにちは、今日の東京の天気は?2019年5月17日~20日までの天気
    こんにちは、今日の東京の天気は?2019年5月17日~20日までの天気
    ---
    Loading checkpoint shards:   0%|          | 0/3 [00:00<?, ?it/s]
    モデル: CP_after_chat_vector
    こんにちは、今日の東京の天気は?」に「くもり、のち雨」と答えると、相手からは「どんな天気だ・・」という反応が返ってくることがありますが、そもそも、日本語という言語を母語とし、育ってきた私たち日本人にとっては、天気について日本語で表現することに対して、特に抵抗感や違和感を感じることはほとんど無いことと思います。
    ところが、では、、、、、、、、、、、、、、、、、、、
    ---

まとめ

本記事では、Chat Vector論文の概要と、それを用いて日本語LLMをチャットモデルに改造する方法を解説しました。

Chat Vectorは、対象言語でSFTやRLHFを行わなくても、英語で学習したチャット能力を移植できる画期的な手法です。本記事の手順に沿って、ぜひ皆さんも日本語LLMをチャットモデルに改造してみてください。

最後になりましたが、Chat Vectorはまだ新しい技術であり、課題も残されています。今後の研究の進展に期待しましょう。

ノートブック

Google Colab

参考サイト

Summary of the tokenizers
We’re on a journey to advance and democratize artificial intelligence through open source and open science.
Chat Vectorを使って日本語LLMをチャットモデルに改造する - Qiita
はじめにChat Vector: A Simple Approach to Equip LLMs with Instruction Following and Model Alignment in…
Chat Vector: A Simple Approach to Equip LLMs with Instruction Following and Model Alignment in New Languages
Recently, the development of open-source large language models (LLMs) has advanced rapidly. Nevertheless, due to data constraints, the capabilities of most open...

コメント

タイトルとURLをコピーしました