Problem with tokenizer

#4
by ipechman - opened

This is an awesome model, one of the best I've tested so far, but I believe there is a problem with the tokenizer:
https://huggingface.co/TheBloke/Mixtral_7Bx2_MoE-GGUF/discussions/1

try the following code:

import torch
from transformers import AutoTokenizer, AutoModelForCausalLM
import math
model_path = "cloudyu/Mixtral_7Bx2_MoE"

tokenizer = AutoTokenizer.from_pretrained(model_path, use_default_system_prompt=False)
model = AutoModelForCausalLM.from_pretrained(
    model_path, torch_dtype=torch.float32, device_map='auto',local_files_only=False, load_in_4bit=True
)
print(model)
prompt = input("please input prompt:")
while len(prompt) > 0:
  input_ids = tokenizer(prompt, return_tensors="pt").input_ids.to("cuda")

  generation_output = model.generate(
    input_ids=input_ids, max_new_tokens=500,repetition_penalty=1.2
  )
  print(tokenizer.decode(generation_output[0]))
  prompt = input("please input prompt:")

#new line output as expected, so I think it's problem of gguf or llama.cpp

Sign up or log in to comment