2023-05-15 19:19:55 -04:00
|
|
|
import re
|
2023-06-19 20:31:19 -04:00
|
|
|
from functools import partial
|
2023-05-15 19:19:55 -04:00
|
|
|
|
2023-09-17 09:42:32 -04:00
|
|
|
import numpy as np
|
2023-07-19 22:31:19 -04:00
|
|
|
import torch
|
2023-03-19 02:42:10 -04:00
|
|
|
|
2024-07-04 22:15:37 -04:00
|
|
|
from modules import shared
|
2023-03-31 13:27:01 -04:00
|
|
|
from modules.callbacks import Iteratorize
|
2024-07-04 22:15:37 -04:00
|
|
|
from modules.llama_cpp_python_hijack import llama_cpp_lib
|
2023-05-21 21:42:34 -04:00
|
|
|
from modules.logging_colors import logger
|
2023-08-03 19:01:15 -04:00
|
|
|
from modules.text_generation import get_max_prompt_length
|
2023-03-31 13:27:01 -04:00
|
|
|
|
2023-03-19 02:42:10 -04:00
|
|
|
|
2023-06-19 20:31:19 -04:00
|
|
|
def ban_eos_logits_processor(eos_token, input_ids, logits):
|
|
|
|
logits[eos_token] = -float('inf')
|
|
|
|
return logits
|
|
|
|
|
|
|
|
|
2023-09-15 17:27:27 -04: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 02:42:10 -04:00
|
|
|
class LlamaCppModel:
|
|
|
|
def __init__(self):
|
|
|
|
self.initialized = False
|
2023-09-24 17:05:24 -04:00
|
|
|
self.grammar_string = ''
|
2023-09-24 10:08:41 -04:00
|
|
|
self.grammar = None
|
2023-03-19 02:42:10 -04:00
|
|
|
|
2023-05-21 21:42:34 -04:00
|
|
|
def __del__(self):
|
2023-11-29 18:19:48 -05:00
|
|
|
del self.model
|
2023-05-15 18:51:23 -04:00
|
|
|
|
2023-03-19 02:42:10 -04:00
|
|
|
@classmethod
|
|
|
|
def from_pretrained(self, path):
|
2023-11-17 08:14:25 -05:00
|
|
|
|
2024-04-30 08:11:31 -04:00
|
|
|
Llama = llama_cpp_lib().Llama
|
|
|
|
LlamaCache = llama_cpp_lib().LlamaCache
|
2023-11-17 08:14:25 -05:00
|
|
|
|
2023-03-19 02:42:10 -04:00
|
|
|
result = self()
|
2023-05-15 19:19:55 -04:00
|
|
|
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)
|
|
|
|
|
2023-11-25 09:33:37 -05:00
|
|
|
if cache_capacity > 0:
|
|
|
|
logger.info("Cache capacity is " + str(cache_capacity) + " bytes")
|
2023-08-18 11:03:34 -04:00
|
|
|
|
|
|
|
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(",")]
|
|
|
|
|
2023-05-02 17:25:28 -04:00
|
|
|
params = {
|
|
|
|
'model_path': str(path),
|
2023-05-25 09:29:31 -04:00
|
|
|
'n_ctx': shared.args.n_ctx,
|
2023-05-02 17:25:28 -04:00
|
|
|
'n_threads': shared.args.threads or None,
|
2023-10-02 00:27:04 -04:00
|
|
|
'n_threads_batch': shared.args.threads_batch or None,
|
2023-05-02 17:25:28 -04:00
|
|
|
'n_batch': shared.args.n_batch,
|
|
|
|
'use_mmap': not shared.args.no_mmap,
|
2023-05-14 21:58:11 -04:00
|
|
|
'use_mlock': shared.args.mlock,
|
2023-10-22 15:22:06 -04:00
|
|
|
'mul_mat_q': not shared.args.no_mul_mat_q,
|
2023-09-26 21:05:00 -04:00
|
|
|
'numa': shared.args.numa,
|
2023-07-17 21:32:37 -04:00
|
|
|
'n_gpu_layers': shared.args.n_gpu_layers,
|
2024-06-24 01:09:24 -04:00
|
|
|
'rope_freq_base': shared.args.rope_freq_base,
|
2023-08-18 11:03:34 -04:00
|
|
|
'tensor_split': tensor_split_list,
|
2023-07-17 21:32:37 -04:00
|
|
|
'rope_freq_scale': 1.0 / shared.args.compress_pos_emb,
|
2024-02-04 21:36:40 -05:00
|
|
|
'offload_kqv': not shared.args.no_offload_kqv,
|
2024-05-03 07:31:22 -04:00
|
|
|
'split_mode': 1 if not shared.args.row_split else 2,
|
|
|
|
'flash_attn': shared.args.flash_attn
|
2023-05-02 17:25:28 -04:00
|
|
|
}
|
2023-08-27 01:11:07 -04:00
|
|
|
|
2024-06-29 12:10:33 -04:00
|
|
|
if shared.args.cache_4bit:
|
|
|
|
params["type_k"] = 2
|
|
|
|
params["type_v"] = 2
|
|
|
|
elif shared.args.cache_8bit:
|
|
|
|
params["type_k"] = 8
|
|
|
|
params["type_v"] = 8
|
|
|
|
|
2023-11-17 08:14:25 -05:00
|
|
|
result.model = Llama(**params)
|
2023-05-15 19:19:55 -04:00
|
|
|
if cache_capacity > 0:
|
2023-11-17 08:14:25 -05:00
|
|
|
result.model.set_cache(LlamaCache(capacity_bytes=cache_capacity))
|
2023-05-02 17:25:28 -04:00
|
|
|
|
|
|
|
# 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 12:06:05 -04:00
|
|
|
|
2023-05-02 17:25:28 -04:00
|
|
|
return self.model.tokenize(string)
|
2023-03-19 02:42:10 -04:00
|
|
|
|
2023-11-07 22:05:36 -05:00
|
|
|
def decode(self, ids, **kwargs):
|
2023-09-17 10:01:34 -04:00
|
|
|
return self.model.detokenize(ids).decode('utf-8')
|
2023-07-07 12:11:30 -04:00
|
|
|
|
2023-09-17 09:42:32 -04:00
|
|
|
def get_logits(self, tokens):
|
2023-11-30 14:21:40 -05:00
|
|
|
self.model.reset()
|
2023-09-17 09:42:32 -04:00
|
|
|
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)
|
|
|
|
|
2023-09-24 17:05:24 -04:00
|
|
|
def load_grammar(self, string):
|
|
|
|
if string != self.grammar_string:
|
|
|
|
self.grammar_string = string
|
|
|
|
if string.strip() != '':
|
2024-04-30 08:11:31 -04:00
|
|
|
self.grammar = llama_cpp_lib().LlamaGrammar.from_string(string)
|
2023-09-24 10:08:41 -04:00
|
|
|
else:
|
|
|
|
self.grammar = None
|
|
|
|
|
2023-06-16 19:35:38 -04:00
|
|
|
def generate(self, prompt, state, callback=None):
|
2024-04-30 08:11:31 -04:00
|
|
|
LogitsProcessorList = llama_cpp_lib().LogitsProcessorList
|
2023-06-16 19:35:38 -04:00
|
|
|
prompt = prompt if type(prompt) is str else prompt.decode()
|
2023-08-03 19:01:15 -04:00
|
|
|
|
|
|
|
# Handle truncation
|
|
|
|
prompt = self.encode(prompt)
|
|
|
|
prompt = prompt[-get_max_prompt_length(state):]
|
2023-09-17 16:07:48 -04:00
|
|
|
prompt = self.decode(prompt)
|
2023-08-03 19:01:15 -04:00
|
|
|
|
2023-09-24 17:05:24 -04:00
|
|
|
self.load_grammar(state['grammar_string'])
|
2023-09-15 17:27:27 -04:00
|
|
|
logit_processors = LogitsProcessorList()
|
|
|
|
if state['ban_eos_token']:
|
2023-09-18 11:15:02 -04:00
|
|
|
logit_processors.append(partial(ban_eos_logits_processor, self.model.token_eos()))
|
2023-09-15 17:27:27 -04: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))
|
|
|
|
|
2023-05-15 19:19:55 -04:00
|
|
|
completion_chunks = self.model.create_completion(
|
2023-06-16 19:35:38 -04:00
|
|
|
prompt=prompt,
|
|
|
|
max_tokens=state['max_new_tokens'],
|
|
|
|
temperature=state['temperature'],
|
|
|
|
top_p=state['top_p'],
|
2023-11-21 18:59:39 -05:00
|
|
|
min_p=state['min_p'],
|
|
|
|
typical_p=state['typical_p'],
|
2023-11-17 08:14:25 -05:00
|
|
|
frequency_penalty=state['frequency_penalty'],
|
2023-11-17 22:31:27 -05:00
|
|
|
presence_penalty=state['presence_penalty'],
|
|
|
|
repeat_penalty=state['repetition_penalty'],
|
|
|
|
top_k=state['top_k'],
|
|
|
|
stream=True,
|
|
|
|
seed=int(state['seed']) if state['seed'] != -1 else None,
|
2023-06-17 18:08:25 -04:00
|
|
|
tfs_z=state['tfs'],
|
2023-06-16 19:35:38 -04:00
|
|
|
mirostat_mode=int(state['mirostat_mode']),
|
|
|
|
mirostat_tau=state['mirostat_tau'],
|
|
|
|
mirostat_eta=state['mirostat_eta'],
|
2023-09-15 17:27:27 -04:00
|
|
|
logits_processor=logit_processors,
|
2023-09-24 10:08:41 -04:00
|
|
|
grammar=self.grammar
|
2023-05-15 19:19:55 -04:00
|
|
|
)
|
2023-06-06 12:06:05 -04:00
|
|
|
|
2023-05-15 19:19:55 -04:00
|
|
|
output = ""
|
|
|
|
for completion_chunk in completion_chunks:
|
2023-08-18 23:17:27 -04:00
|
|
|
if shared.stop_everything:
|
|
|
|
break
|
2023-11-25 09:33:37 -05:00
|
|
|
|
2023-05-15 19:19:55 -04:00
|
|
|
text = completion_chunk['choices'][0]['text']
|
2023-05-02 17:25:28 -04:00
|
|
|
output += text
|
|
|
|
if callback:
|
2023-05-15 19:19:55 -04:00
|
|
|
callback(text)
|
2023-06-06 12:06:05 -04:00
|
|
|
|
2023-05-15 19:19:55 -04:00
|
|
|
return output
|
2023-03-19 02:42:10 -04:00
|
|
|
|
2023-06-16 19:35:38 -04:00
|
|
|
def generate_with_streaming(self, *args, **kwargs):
|
|
|
|
with Iteratorize(self.generate, args, kwargs, callback=None) as generator:
|
2023-03-31 13:27:01 -04:00
|
|
|
reply = ''
|
2023-03-19 02:42:10 -04:00
|
|
|
for token in generator:
|
|
|
|
reply += token
|
|
|
|
yield reply
|