text-generation-webui/server.py

105 lines
3.9 KiB
Python
Raw Normal View History

2023-01-06 04:41:52 +00:00
import os
2022-12-21 16:27:31 +00:00
import re
2023-01-06 04:33:21 +00:00
import time
import glob
2022-12-21 16:27:31 +00:00
import torch
import gradio as gr
import transformers
from transformers import AutoTokenizer
from transformers import GPTJForCausalLM, AutoModelForCausalLM, AutoModelForSeq2SeqLM, OPTForCausalLM, T5Tokenizer, T5ForConditionalGeneration, GPTJModel, AutoModel
#model_name = "bloomz-7b1-p3"
#model_name = 'gpt-j-6B-float16'
#model_name = "opt-6.7b"
#model_name = 'opt-13b'
#model_name = "gpt4chan_model_float16"
model_name = 'galactica-6.7b'
#model_name = 'gpt-neox-20b'
#model_name = 'flan-t5'
#model_name = 'OPT-13B-Erebus'
2023-01-06 05:06:59 +00:00
loaded_preset = None
2023-01-06 04:33:21 +00:00
2022-12-21 16:27:31 +00:00
def load_model(model_name):
2023-01-06 04:41:52 +00:00
print(f"Loading {model_name}...")
2022-12-21 16:27:31 +00:00
t0 = time.time()
2023-01-06 04:41:52 +00:00
if os.path.exists(f"torch-dumps/{model_name}.pt"):
print("Loading in .pt format...")
model = torch.load(f"torch-dumps/{model_name}.pt").cuda()
elif model_name in ['gpt-neox-20b', 'opt-13b', 'OPT-13B-Erebus']:
2022-12-21 16:27:31 +00:00
model = AutoModelForCausalLM.from_pretrained(f"models/{model_name}", device_map='auto', load_in_8bit=True)
elif model_name in ['gpt-j-6B']:
model = AutoModelForCausalLM.from_pretrained(f"models/{model_name}", low_cpu_mem_usage=True, torch_dtype=torch.float16).cuda()
2023-01-06 05:06:59 +00:00
elif model_name in ['flan-t5', 't5-large']:
2022-12-21 16:27:31 +00:00
model = T5ForConditionalGeneration.from_pretrained(f"models/{model_name}").cuda()
if model_name in ['gpt4chan_model_float16']:
tokenizer = AutoTokenizer.from_pretrained("models/gpt-j-6B/")
elif model_name in ['flan-t5']:
tokenizer = T5Tokenizer.from_pretrained(f"models/{model_name}/")
else:
tokenizer = AutoTokenizer.from_pretrained(f"models/{model_name}/")
2023-01-06 05:06:59 +00:00
print(f"Loaded the model in {(time.time()-t0):.2f} seconds.")
2022-12-21 16:27:31 +00:00
return model, tokenizer
2023-01-06 05:26:33 +00:00
# Removes empty replies from gpt4chan outputs
2022-12-21 16:27:31 +00:00
def fix_gpt4chan(s):
for i in range(10):
s = re.sub("--- [0-9]*\n>>[0-9]*\n---", "---", s)
s = re.sub("--- [0-9]*\n *\n---", "---", s)
s = re.sub("--- [0-9]*\n\n\n---", "---", s)
return s
2023-01-06 05:26:33 +00:00
def generate_reply(question, temperature, max_length, inference_settings, selected_model):
2023-01-06 05:06:59 +00:00
global model, tokenizer, model_name, loaded_preset, preset
2022-12-21 16:27:31 +00:00
if selected_model != model_name:
model_name = selected_model
model = None
tokenier = None
torch.cuda.empty_cache()
model, tokenizer = load_model(model_name)
2023-01-06 05:06:59 +00:00
if inference_settings != loaded_preset:
2023-01-06 04:33:21 +00:00
with open(f'presets/{inference_settings}.txt', 'r') as infile:
preset = infile.read()
2023-01-06 05:06:59 +00:00
loaded_preset = inference_settings
2022-12-21 16:27:31 +00:00
torch.cuda.empty_cache()
input_text = question
input_ids = tokenizer.encode(str(input_text), return_tensors='pt').cuda()
2023-01-06 04:33:21 +00:00
output = eval(f"model.generate(input_ids, {preset}).cuda()")
2022-12-21 16:27:31 +00:00
reply = tokenizer.decode(output[0], skip_special_tokens=True)
if model_name.startswith('gpt4chan'):
reply = fix_gpt4chan(reply)
return reply
model, tokenizer = load_model(model_name)
if model_name.startswith('gpt4chan'):
default_text = "-----\n--- 865467536\nInput text\n--- 865467537\n"
else:
default_text = "Common sense questions and answers\n\nQuestion: \nFactual answer:"
interface = gr.Interface(
2023-01-06 05:26:33 +00:00
generate_reply,
2022-12-21 16:27:31 +00:00
inputs=[
gr.Textbox(value=default_text, lines=15),
gr.Slider(minimum=0.0, maximum=1.0, step=0.01, label='Temperature', value=0.7),
gr.Slider(minimum=1, maximum=2000, step=1, label='max_length', value=200),
2023-01-06 04:33:21 +00:00
gr.Dropdown(choices=list(map(lambda x : x.split('/')[-1].split('.')[0], glob.glob("presets/*.txt"))), value="Default"),
2023-01-06 05:06:59 +00:00
gr.Dropdown(choices=sorted(set(map(lambda x : x.split('/')[-1].replace('.pt', ''), glob.glob("models/*") + glob.glob("torch-dumps/*")))), value=model_name),
2022-12-21 16:27:31 +00:00
],
outputs=[
gr.Textbox(placeholder="", lines=15),
],
title="Text generation lab",
2023-01-06 05:26:33 +00:00
description=f"Generate text using Large Language Models.",
2022-12-21 16:27:31 +00:00
)
interface.launch(share=False, server_name="0.0.0.0")