import streamlit as st from PIL import Image import spacy st.set_page_config(page_title="FACTOID: FACtual enTailment fOr hallucInation Detection", layout="wide") st.title('Welcome to :blue[FACTOID] ') st.header('FACTOID: FACtual enTailment fOr hallucInation Detection :blue[Web Demo]') image = Image.open('image.png') st.image(image, caption='Traditional Entailment vs Factual Entailment') # List of sentences sentence1 = [f"U.S. President Barack Obama declared that the U.S. will refrain from deploying troops in Ukraine."] sentence2 = [f"Joe Biden said we’d not send U.S. troops to fight Russian troops in Ukraine, but we would provide robust military assistance and try to unify the Western world against Russia’s aggression."] # Create a dropdown menu selected_sentence1 = st.selectbox("Select first sentence:", sentence1) selected_sentence2 = st.selectbox("Select first sentence:", sentence2) from transformers import AutoTokenizer, AutoModelForSequenceClassification import torch device = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") model_name = "MoritzLaurer/mDeBERTa-v3-base-xnli-multilingual-nli-2mil7" tokenizer = AutoTokenizer.from_pretrained(model_name,use_fast=False) model = AutoModelForSequenceClassification.from_pretrained(model_name) premise = sentence1 hypothesis = sentence2 input = tokenizer(premise, hypothesis, truncation=True, return_tensors="pt") output = model(input["input_ids"].to(device)) # device = "cuda:0" or "cpu" prediction = torch.softmax(output["logits"][0], -1).tolist() label_names = ["support", "neutral", "refute"] prediction = {name: round(float(pred) * 100, 1) for pred, name in zip(prediction, label_names)} print(prediction) from sentence_transformers import CrossEncoder model1 = CrossEncoder('cross-encoder/nli-deberta-v3-xsmall') scores1 = model.predict([(sentence1, sentence2)]) #Convert scores to labels label_mapping = ['contradiction', 'entailment', 'neutral'] labels = [label_mapping[score_max] for score_max in scores1.argmax(axis=1)] labels def extract_person_names(sentence): """ Extract person names from a sentence using spaCy's named entity recognition. Parameters: sentence (str): Input sentence. Returns: list: List of person names extracted from the sentence. """ # Load English language model nlp = spacy.load("en_core_web_sm") # Process the sentence using spaCy doc = nlp(sentence) # Extract person names person_names = [entity.text for entity in doc.ents if entity.label_ == 'PERSON'] return person_names[0] person_name1 = extract_person_names(sentence1) person_name2 = extract_person_names(sentence2) st.write("Result:", prediction) col1, col2 = st.beta_columns(2) with col1: st.write("Without Factual Entailment:",prediction) with col2: st.write("Factual Entailment:",labels) st.write(f"{person_name1}::{person_name2}")