|
import spaces |
|
import gradio as gr |
|
import torch |
|
from transformers import AutoTokenizer, AutoModelForCausalLM |
|
import warnings |
|
warnings.filterwarnings("ignore") |
|
|
|
""" |
|
Sarashinaモデルを使用したGradioチャットボット |
|
Hugging Face Transformersライブラリを使用してローカルでモデルを実行 |
|
""" |
|
|
|
|
|
MODEL_NAME = "sbintuitions/sarashina2.2-3b-instruct-v0.1" |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
print("モデルを読み込み中〜...") |
|
tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, trust_remote_code=True) |
|
model = AutoModelForCausalLM.from_pretrained( |
|
MODEL_NAME, |
|
torch_dtype=torch.float16 if torch.cuda.is_available() else torch.float32, |
|
device_map="auto" if torch.cuda.is_available() else None, |
|
trust_remote_code=True |
|
) |
|
print("モデルの読み込みが完了しました〜。") |
|
|
|
print(f"Is CUDA available: {torch.cuda.is_available()}") |
|
|
|
print("あ") |
|
print(f"CUDA device: {torch.cuda.get_device_name(torch.cuda.current_device())}") |
|
print("い") |
|
|
|
|
|
@spaces.GPU |
|
|
|
def respond( |
|
message, |
|
history: list[tuple[str, str]], |
|
system_message, |
|
max_tokens, |
|
temperature, |
|
top_p, |
|
): |
|
""" |
|
チャットボットの応答を生成する関数 |
|
Gradio ChatInterfaceの標準形式に対応 |
|
""" |
|
try: |
|
|
|
conversation = "" |
|
if system_message.strip(): |
|
conversation += f"システム: {system_message}\n" |
|
|
|
|
|
for user_msg, bot_msg in history: |
|
if user_msg: |
|
conversation += f"ユーザー: {user_msg}\n" |
|
if bot_msg: |
|
conversation += f"アシスタント: {bot_msg}\n" |
|
|
|
|
|
conversation += f"ユーザー: {message}\nアシスタント: " |
|
|
|
|
|
inputs = tokenizer.encode(conversation, return_tensors="pt") |
|
|
|
|
|
if torch.cuda.is_available(): |
|
inputs = inputs.cuda() |
|
|
|
|
|
response = "" |
|
with torch.no_grad(): |
|
|
|
outputs = model.generate( |
|
inputs, |
|
max_new_tokens=max_tokens, |
|
temperature=temperature, |
|
top_p=top_p, |
|
do_sample=True, |
|
pad_token_id=tokenizer.eos_token_id, |
|
eos_token_id=tokenizer.eos_token_id, |
|
repetition_penalty=1.1 |
|
) |
|
|
|
|
|
generated = tokenizer.decode(outputs[0], skip_special_tokens=True) |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
full_response = generated[len(conversation):].strip() |
|
|
|
|
|
if "ユーザー:" in full_response: |
|
full_response = full_response.split("ユーザー:")[0].strip() |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
return full_response |
|
|
|
except Exception as e: |
|
|
|
return f"エラーが発生しました: {str(e)}" |
|
|
|
""" |
|
Gradio ChatInterfaceを使用したシンプルなチャットボット |
|
カスタマイズ可能なパラメータを含む |
|
""" |
|
demo = gr.ChatInterface( |
|
respond, |
|
title="🤖 Sarashina Chatbot", |
|
description="Sarashina2.2-3b-instruct モデルを使用した日本語チャットボットです。", |
|
additional_inputs=[ |
|
gr.Textbox( |
|
value="あなたは親切で知識豊富な日本語アシスタントです。ユーザーの質問に丁寧に答えてください。", |
|
label="システムメッセージ", |
|
lines=3 |
|
), |
|
gr.Slider( |
|
minimum=1, |
|
maximum=8192, |
|
value=4096, |
|
step=1, |
|
label="最大新規トークン数" |
|
), |
|
gr.Slider( |
|
minimum=0.1, |
|
maximum=2.0, |
|
value=0.7, |
|
step=0.1, |
|
label="Temperature (創造性)" |
|
), |
|
gr.Slider( |
|
minimum=0.1, |
|
maximum=1.0, |
|
value=0.95, |
|
step=0.05, |
|
label="Top-p (多様性制御)", |
|
), |
|
], |
|
theme=gr.themes.Soft(), |
|
examples=[ |
|
["こんにちは!今日はどんなことを話しましょうか?"], |
|
["日本の文化について教えてください。"], |
|
["簡単なレシピを教えてもらえますか?"], |
|
["プログラミングについて質問があります。"], |
|
], |
|
cache_examples=False, |
|
|
|
) |
|
|
|
if __name__ == "__main__": |
|
demo.launch( |
|
server_name="0.0.0.0", |
|
server_port=7860, |
|
share=False, |
|
show_api=True, |
|
debug=True |
|
) |