import torch from transformers import AutoModel, AutoTokenizer, AutoModelForCausalLM class Reranker: def __init__(self): self.tokenizer = AutoTokenizer.from_pretrained("Qwen/Qwen3-Reranker-4B", padding_side='left') self.model = AutoModelForCausalLM.from_pretrained("Qwen/Qwen3-Reranker-4B").eval() def format_instruction(instruction, query, doc): if instruction is None: instruction = 'Given a web search query, retrieve relevant passages that answer the query' output = ": {instruction}\n: {query}\n: {doc}".format(instruction=instruction,query=query, doc=doc) return output def process_inputs(self,pairs): prefix = "<|im_start|>system\nJudge whether the Document meets the requirements based on the Query and the Instruct provided. Note that the answer can only be \"yes\" or \"no\".<|im_end|>\n<|im_start|>user\n" suffix = "<|im_end|>\n<|im_start|>assistant\n\n\n\n\n" prefix_tokens = self.tokenizer.encode(prefix, add_special_tokens=False) suffix_tokens = self.tokenizer.encode(suffix, add_special_tokens=False) max_length = 2048 inputs = self.tokenizer( pairs, padding=False, truncation='longest_first', return_attention_mask=False, max_length=max_length - len(prefix_tokens) - len(suffix_tokens) ) for i, ele in enumerate(inputs['input_ids']): inputs['input_ids'][i] = prefix_tokens + ele + suffix_tokens inputs = self.tokenizer.pad(inputs, padding=True, return_tensors="pt", max_length=max_length) for key in inputs: inputs[key] = inputs[key].to(self.model.device) return inputs @torch.no_grad def compute_logits(self,queries,documents): token_false_id = self.tokenizer.convert_tokens_to_ids("no") token_true_id = self.tokenizer.convert_tokens_to_ids("yes") task = 'Given a web search query, retrieve relevant passages that answer the query' pairs = [self.format_instruction(task, query, doc) for query, doc in zip(queries, documents)] inputs = self.process_inputs(pairs) batch_scores = self.model(**inputs).logits[:, -1, :] true_vector = batch_scores[:, token_true_id] false_vector = batch_scores[:, token_false_id] batch_scores = torch.stack([false_vector, true_vector], dim=1) batch_scores = torch.nn.functional.log_softmax(batch_scores, dim=1) scores = batch_scores[:, 1].exp().tolist() return scores