|
from transformers import AutoConfig, AutoTokenizer, AutoModelForSeq2SeqLM, AutoModelForCausalLM, MistralForCausalLM |
|
from peft import PeftModel, PeftConfig |
|
import torch |
|
import gradio as gr |
|
import random |
|
from textwrap import wrap |
|
|
|
|
|
|
|
def wrap_text(text, width=90): |
|
lines = text.split('\n') |
|
wrapped_lines = [textwrap.fill(line, width=width) for line in lines] |
|
wrapped_text = '\n'.join(wrapped_lines) |
|
return wrapped_text |
|
|
|
|
|
def multimodal_prompt(user_input, system_prompt="You are an expert medical analyst:"): |
|
""" |
|
Generates text using a large language model, given a user input and a system prompt. |
|
Args: |
|
user_input: The user's input text to generate a response for. |
|
system_prompt: Optional system prompt. |
|
Returns: |
|
A string containing the generated text. |
|
""" |
|
|
|
formatted_input = f"<s>[INST]{system_prompt} {user_input}[/INST]" |
|
|
|
|
|
encodeds = tokenizer(formatted_input, return_tensors="pt", add_special_tokens=False) |
|
model_inputs = encodeds.to(device) |
|
|
|
|
|
output = model.generate( |
|
**model_inputs, |
|
max_length=max_length, |
|
use_cache=True, |
|
early_stopping=True, |
|
bos_token_id=model.config.bos_token_id, |
|
eos_token_id=model.config.eos_token_id, |
|
pad_token_id=model.config.eos_token_id, |
|
temperature=0.1, |
|
do_sample=True |
|
) |
|
|
|
|
|
response_text = tokenizer.decode(output[0], skip_special_tokens=True) |
|
|
|
return response_text |
|
|
|
|
|
|
|
device = "cuda" if torch.cuda.is_available() else "cpu" |
|
|
|
|
|
base_model_id = "mistralai/Mistral-7B-v0.1" |
|
model_directory = "Tonic/mistralmed" |
|
|
|
|
|
tokenizer = AutoTokenizer.from_pretrained("mistralai/Mistral-7B-v0.1", trust_remote_code=True, padding_side="left") |
|
|
|
tokenizer.pad_token = tokenizer.eos_token |
|
tokenizer.padding_side = 'left' |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
peft_config = PeftConfig.from_pretrained("Tonic/mistralmed", token="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") |
|
peft_model = MistralForCausalLM.from_pretrained("mistralai/Mistral-7B-v0.1", trust_remote_code=True) |
|
peft_model = PeftModel.from_pretrained(peft_model, "Tonic/mistralmed", token="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") |
|
|
|
|
|
class ChatBot: |
|
def __init__(self): |
|
self.history = [] |
|
|
|
|
|
class ChatBot: |
|
def __init__(self): |
|
|
|
self.history = [] |
|
|
|
def predict(self, user_input, system_prompt="You are an expert medical analyst:"): |
|
|
|
formatted_input = f"<s>[INST]{system_prompt} {user_input}[/INST]" |
|
|
|
|
|
user_input_ids = tokenizer.encode(formatted_input, return_tensors="pt") |
|
|
|
|
|
response = peft_model.generate(input_ids=user_input_ids, max_length=512, pad_token_id=tokenizer.eos_token_id) |
|
|
|
|
|
response_text = tokenizer.decode(response[0], skip_special_tokens=True) |
|
|
|
return response_text |
|
|
|
|
|
bot = ChatBot() |
|
|
|
title = "์์์๊ธฐ๋ฐ ๋ฉด์ ์๋ฎฌ๋ ์ด์
chat bot (this template based on Tonic's MistralMed Chat)" |
|
|
|
|
|
|
|
|
|
iface = gr.Interface( |
|
fn=bot.predict, |
|
title=title, |
|
description=description, |
|
examples=examples, |
|
inputs=["text", "text"], |
|
outputs="text", |
|
theme="ParityError/Anime" |
|
) |
|
|
|
iface.launch() |