import argparse import torch import os import json from tqdm import tqdm import shortuuid from llava.constants import IMAGE_TOKEN_INDEX, DEFAULT_IMAGE_TOKEN, DEFAULT_IM_START_TOKEN, DEFAULT_IM_END_TOKEN from llava.conversation import conv_templates, SeparatorStyle from llava.model.builder import load_pretrained_model from llava.utils import disable_torch_init from llava.mm_utils import tokenizer_image_token, process_images, get_model_name_from_path from PIL import Image import math def split_list(lst, n): """Split a list into n (roughly) equal-sized chunks""" chunk_size = math.ceil(len(lst) / n) # integer division return [lst[i:i+chunk_size] for i in range(0, len(lst), chunk_size)] def get_chunk(lst, n, k): chunks = split_list(lst, n) return chunks[k] def eval_model(args): # Model disable_torch_init() model_path = os.path.expanduser(args.model_path) model_name = get_model_name_from_path(model_path) tokenizer, model, image_processor, context_len = load_pretrained_model(model_path, args.model_base, model_name) with open(os.path.expanduser(args.question_file), "r") as f: questions = json.load(f) questions = get_chunk(questions, args.num_chunks, args.chunk_idx) answers_file = os.path.expanduser(args.answers_file) os.makedirs(os.path.dirname(answers_file), exist_ok=True) ans_file = open(answers_file, "w") for line in tqdm(questions): idx = line["ind"] # 使用题目的ID # if(idx > 3): # break qs = line["ctx"] # 获取问题文本 choices = line["endings"] # 获取选项文本列表 correct_answer = line["label"] # 获取正确答案标识 qs = f"Please read the following passage and choose the most likely event that will happen next:\n\n{qs}\n" qs += "\nHere are a few possible continuations:\n" qs += "\n".join([f"{chr(65 + i)}: {choice}" for i, choice in enumerate(choices)]) qs += "\n\nPlease select the most appropriate option and only return the letter (A, B, C, or D)." conv = conv_templates[args.conv_mode].copy() conv.append_message(conv.roles[0], qs) conv.append_message(conv.roles[1], None) prompt = conv.get_prompt() print("") input_ids = tokenizer(prompt, return_tensors="pt").input_ids.cuda() # 纯文本 with torch.inference_mode(): output_ids = model.generate( input_ids, do_sample=True if args.temperature > 0 else False, temperature=args.temperature, top_p=args.top_p, num_beams=args.num_beams, # no_repeat_ngram_size=3, max_new_tokens=1024, use_cache=True) outputs = tokenizer.batch_decode(output_ids, skip_special_tokens=True)[0].strip() ans_id = shortuuid.uuid() ans_file.write(json.dumps({"question_id": idx, "prompt": prompt, "text": outputs, "model_id": model_name, "answer":correct_answer, "metadata": {}}) + "\n") ans_file.flush() ans_file.close() if __name__ == "__main__": parser = argparse.ArgumentParser() parser.add_argument("--model-path", type=str, default="facebook/opt-350m") parser.add_argument("--model-base", type=str, default=None) parser.add_argument("--image-folder", type=str, default="") parser.add_argument("--question-file", type=str, default="tables/question.jsonl") parser.add_argument("--answers-file", type=str, default="answer.jsonl") parser.add_argument("--conv-mode", type=str, default="llava_v1") parser.add_argument("--num-chunks", type=int, default=1) parser.add_argument("--chunk-idx", type=int, default=0) parser.add_argument("--temperature", type=float, default=0.2) parser.add_argument("--top_p", type=float, default=None) parser.add_argument("--num_beams", type=int, default=1) args = parser.parse_args() eval_model(args)