text-generation-webui/modules/llamacpp_model.py

177 lines
5.7 KiB
Python
Raw Normal View History

import re
from functools import partial
from pathlib import Path
2023-09-17 13:42:32 +00:00
import numpy as np
import torch
2023-03-19 06:42:10 +00:00
from modules import RoPE, shared
2023-03-31 17:27:01 +00:00
from modules.callbacks import Iteratorize
from modules.logging_colors import logger
from modules.text_generation import get_max_prompt_length
2023-03-31 17:27:01 +00:00
try:
import llama_cpp
except:
llama_cpp = None
try:
import llama_cpp_cuda
except:
llama_cpp_cuda = None
2023-09-11 14:30:56 +00:00
def llama_cpp_lib():
if (shared.args.cpu and llama_cpp is not None) or llama_cpp_cuda is None:
2023-09-11 14:30:56 +00:00
return llama_cpp
else:
2023-09-11 14:30:56 +00:00
return llama_cpp_cuda
2023-03-19 06:42:10 +00:00
def ban_eos_logits_processor(eos_token, input_ids, logits):
logits[eos_token] = -float('inf')
return logits
2023-09-15 21:27:27 +00:00
def custom_token_ban_logits_processor(token_ids, input_ids, logits):
for token_id in token_ids:
logits[token_id] = -float('inf')
return logits
2023-03-19 06:42:10 +00:00
class LlamaCppModel:
def __init__(self):
self.initialized = False
self.grammar_file = 'None'
self.grammar = None
2023-03-19 06:42:10 +00:00
def __del__(self):
self.model.__del__()
2023-03-19 06:42:10 +00:00
@classmethod
def from_pretrained(self, path):
2023-09-11 14:30:56 +00:00
Llama = llama_cpp_lib().Llama
LlamaCache = llama_cpp_lib().LlamaCache
2023-03-19 06:42:10 +00:00
result = self()
cache_capacity = 0
if shared.args.cache_capacity is not None:
if 'GiB' in shared.args.cache_capacity:
cache_capacity = int(re.sub('[a-zA-Z]', '', shared.args.cache_capacity)) * 1000 * 1000 * 1000
elif 'MiB' in shared.args.cache_capacity:
cache_capacity = int(re.sub('[a-zA-Z]', '', shared.args.cache_capacity)) * 1000 * 1000
else:
cache_capacity = int(shared.args.cache_capacity)
logger.info("Cache capacity is " + str(cache_capacity) + " bytes")
if shared.args.tensor_split is None or shared.args.tensor_split.strip() == '':
tensor_split_list = None
else:
tensor_split_list = [float(x) for x in shared.args.tensor_split.strip().split(",")]
params = {
'model_path': str(path),
'n_ctx': shared.args.n_ctx,
'seed': int(shared.args.llama_cpp_seed),
'n_threads': shared.args.threads or None,
'n_batch': shared.args.n_batch,
'use_mmap': not shared.args.no_mmap,
'use_mlock': shared.args.mlock,
'mul_mat_q': shared.args.mul_mat_q,
2023-07-12 14:05:13 +00:00
'low_vram': shared.args.low_vram,
'n_gpu_layers': shared.args.n_gpu_layers,
'rope_freq_base': RoPE.get_rope_freq_base(shared.args.alpha_value, shared.args.rope_freq_base),
'tensor_split': tensor_split_list,
'rope_freq_scale': 1.0 / shared.args.compress_pos_emb,
}
2023-08-27 05:11:07 +00:00
result.model = Llama(**params)
if cache_capacity > 0:
result.model.set_cache(LlamaCache(capacity_bytes=cache_capacity))
# This is ugly, but the model and the tokenizer are the same object in this library.
return result, result
def encode(self, string):
if type(string) is str:
string = string.encode()
2023-06-06 16:06:05 +00:00
return self.model.tokenize(string)
2023-03-19 06:42:10 +00:00
2023-09-17 14:01:34 +00:00
def decode(self, ids):
return self.model.detokenize(ids).decode('utf-8')
2023-09-17 13:42:32 +00:00
def get_logits(self, tokens):
self.model.eval(tokens)
logits = self.model._scores
logits = np.expand_dims(logits, 0) # batch dim is expected
return torch.tensor(logits, dtype=torch.float32)
def load_grammar(self, fname):
if fname != self.grammar_file:
self.grammar_file = fname
p = Path(f'grammars/{fname}')
if p.exists():
logger.info(f'Loading the following grammar file: {p}')
self.grammar = llama_cpp_lib().LlamaGrammar.from_file(str(p))
else:
self.grammar = None
2023-06-16 23:35:38 +00:00
def generate(self, prompt, state, callback=None):
LogitsProcessorList = llama_cpp_lib().LogitsProcessorList
2023-06-16 23:35:38 +00:00
prompt = prompt if type(prompt) is str else prompt.decode()
# Handle truncation
prompt = self.encode(prompt)
prompt = prompt[-get_max_prompt_length(state):]
2023-09-17 20:07:48 +00:00
prompt = self.decode(prompt)
self.load_grammar(state['grammar_file'])
2023-09-15 21:27:27 +00:00
logit_processors = LogitsProcessorList()
if state['ban_eos_token']:
2023-09-18 15:15:02 +00:00
logit_processors.append(partial(ban_eos_logits_processor, self.model.token_eos()))
2023-09-15 21:27:27 +00:00
if state['custom_token_bans']:
to_ban = [int(x) for x in state['custom_token_bans'].split(',')]
if len(to_ban) > 0:
logit_processors.append(partial(custom_token_ban_logits_processor, to_ban))
completion_chunks = self.model.create_completion(
2023-06-16 23:35:38 +00:00
prompt=prompt,
max_tokens=state['max_new_tokens'],
temperature=state['temperature'],
top_p=state['top_p'],
top_k=state['top_k'],
repeat_penalty=state['repetition_penalty'],
2023-06-17 22:08:25 +00:00
tfs_z=state['tfs'],
2023-06-16 23:35:38 +00:00
mirostat_mode=int(state['mirostat_mode']),
mirostat_tau=state['mirostat_tau'],
mirostat_eta=state['mirostat_eta'],
stream=True,
2023-09-15 21:27:27 +00:00
logits_processor=logit_processors,
grammar=self.grammar
)
2023-06-06 16:06:05 +00:00
output = ""
for completion_chunk in completion_chunks:
if shared.stop_everything:
break
text = completion_chunk['choices'][0]['text']
output += text
if callback:
callback(text)
2023-06-06 16:06:05 +00:00
return output
2023-03-19 06:42:10 +00:00
2023-06-16 23:35:38 +00:00
def generate_with_streaming(self, *args, **kwargs):
with Iteratorize(self.generate, args, kwargs, callback=None) as generator:
2023-03-31 17:27:01 +00:00
reply = ''
2023-03-19 06:42:10 +00:00
for token in generator:
reply += token
yield reply