|
import spaces |
|
import gradio as gr |
|
from transformers import pipeline, AutoImageProcessor, Swinv2ForImageClassification, AutoFeatureExtractor, AutoModelForImageClassification |
|
from torchvision import transforms |
|
import torch |
|
from PIL import Image |
|
import numpy as np |
|
import io |
|
import logging |
|
from utils.utils import softmax, augment_image, convert_pil_to_bytes |
|
|
|
|
|
|
|
logging.basicConfig(level=logging.INFO) |
|
logger = logging.getLogger(__name__) |
|
|
|
|
|
|
|
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu') |
|
|
|
|
|
|
|
MODEL_PATHS = { |
|
"model_1": "haywoodsloan/ai-image-detector-deploy", |
|
"model_2": "Heem2/AI-vs-Real-Image-Detection", |
|
"model_3": "Organika/sdxl-detector", |
|
"model_4": "cmckinle/sdxl-flux-detector", |
|
"model_5": "prithivMLmods/Deep-Fake-Detector-v2-Model", |
|
"model_5b": "prithivMLmods/Deepfake-Detection-Exp-02-22" |
|
} |
|
|
|
CLASS_NAMES = { |
|
"model_1": ['artificial', 'real'], |
|
"model_2": ['AI Image', 'Real Image'], |
|
"model_3": ['AI', 'Real'], |
|
"model_4": ['AI', 'Real'], |
|
"model_5": ['Realism', 'Deepfake'], |
|
"model_5b": ['Real', 'Deepfake'] |
|
} |
|
|
|
|
|
def load_models(): |
|
image_processor_1 = AutoImageProcessor.from_pretrained(MODEL_PATHS["model_1"], use_fast=True) |
|
model_1 = Swinv2ForImageClassification.from_pretrained(MODEL_PATHS["model_1"]) |
|
model_1 = model_1.to(device) |
|
clf_1 = pipeline(model=model_1, task="image-classification", image_processor=image_processor_1, device=device) |
|
|
|
clf_2 = pipeline("image-classification", model=MODEL_PATHS["model_2"], device=device) |
|
|
|
feature_extractor_3 = AutoFeatureExtractor.from_pretrained(MODEL_PATHS["model_3"], device=device) |
|
model_3 = AutoModelForImageClassification.from_pretrained(MODEL_PATHS["model_3"]).to(device) |
|
|
|
feature_extractor_4 = AutoFeatureExtractor.from_pretrained(MODEL_PATHS["model_4"], device=device) |
|
model_4 = AutoModelForImageClassification.from_pretrained(MODEL_PATHS["model_4"]).to(device) |
|
|
|
clf_5 = pipeline("image-classification", model=MODEL_PATHS["model_5"], device=device) |
|
clf_5b = pipeline("image-classification", model=MODEL_PATHS["model_5b"], device=device) |
|
|
|
return clf_1, clf_2, feature_extractor_3, model_3, feature_extractor_4, model_4, clf_5, clf_5b |
|
|
|
clf_1, clf_2, feature_extractor_3, model_3, feature_extractor_4, model_4, clf_5, clf_5b = load_models() |
|
|
|
@spaces.GPU(duration=10) |
|
def predict_with_model(img_pil, clf, class_names, confidence_threshold, model_name, model_id, feature_extractor=None): |
|
try: |
|
if feature_extractor: |
|
inputs = feature_extractor(img_pil, return_tensors="pt").to(device) |
|
with torch.no_grad(): |
|
outputs = clf(**inputs) |
|
logits = outputs.logits |
|
probabilities = softmax(logits.cpu().numpy()[0]) |
|
result = {class_names[i]: probabilities[i] for i in range(len(class_names))} |
|
else: |
|
prediction = clf(img_pil) |
|
result = {pred['label']: pred['score'] for pred in prediction} |
|
|
|
result_output = [model_id, model_name, result.get(class_names[1], 0.0), result.get(class_names[0], 0.0)] |
|
logger.info(result_output) |
|
for class_name in class_names: |
|
if class_name not in result: |
|
result[class_name] = 0.0 |
|
if result[class_names[0]] >= confidence_threshold: |
|
label = f"AI, Confidence: {result[class_names[0]]:.4f}" |
|
result_output.append('AI') |
|
elif result[class_names[1]] >= confidence_threshold: |
|
label = f"Real, Confidence: {result[class_names[1]]:.4f}" |
|
result_output.append('REAL') |
|
else: |
|
label = "Uncertain Classification" |
|
result_output.append('UNCERTAIN') |
|
except Exception as e: |
|
label = f"Error: {str(e)}" |
|
result_output = [model_id, model_name, 0.0, 0.0, 'ERROR'] |
|
return label, result_output |
|
|
|
@spaces.GPU(duration=10) |
|
def predict_image(img, confidence_threshold): |
|
if not isinstance(img, Image.Image): |
|
raise ValueError(f"Expected a PIL Image, but got {type(img)}") |
|
if img.mode != 'RGB': |
|
img_pil = img.convert('RGB') |
|
else: |
|
img_pil = img |
|
img_pil = transforms.Resize((256, 256))(img_pil) |
|
img_pilvits = transforms.Resize((224, 224))(img_pil) |
|
|
|
label_1, result_1output = predict_with_model(img_pil, clf_1, CLASS_NAMES["model_1"], confidence_threshold, "SwinV2-base", 1) |
|
label_2, result_2output = predict_with_model(img_pilvits, clf_2, CLASS_NAMES["model_2"], confidence_threshold, "ViT-base Classifier", 2) |
|
label_3, result_3output = predict_with_model(img_pil, model_3, CLASS_NAMES["model_3"], confidence_threshold, "SDXL-Trained", 3, feature_extractor_3) |
|
label_4, result_4output = predict_with_model(img_pil, model_4, CLASS_NAMES["model_4"], confidence_threshold, "SDXL + FLUX", 4, feature_extractor_4) |
|
label_5, result_5output = predict_with_model(img_pilvits, clf_5, CLASS_NAMES["model_5"], confidence_threshold, "ViT-base Newcomer", 5) |
|
label_5b, result_5boutput = predict_with_model(img_pilvits, clf_5b, CLASS_NAMES["model_5b"], confidence_threshold, "ViT-base Newcomer", 6) |
|
|
|
combined_results = { |
|
"SwinV2/detect": label_1, |
|
"ViT/AI-vs-Real": label_2, |
|
"Swin/SDXL": label_3, |
|
"Swin/SDXL-FLUX": label_4, |
|
"prithivMLmods": label_5, |
|
"prithivMLmods-2-22": label_5b |
|
} |
|
|
|
combined_outputs = [result_1output, result_2output, result_3output, result_4output, result_5output, result_5boutput] |
|
return img_pil, combined_outputs |
|
|
|
def generate_results_html(results): |
|
def get_header_color(label): |
|
if label == 'AI': |
|
return 'bg-red-500 text-red-700', 'bg-red-400', 'bg-red-100', 'bg-red-700 text-red-700', 'bg-red-200' |
|
elif label == 'REAL': |
|
return 'bg-green-500 text-green-700', 'bg-green-400', 'bg-green-100', 'bg-green-700 text-green-700', 'bg-green-200' |
|
elif label == 'UNCERTAIN': |
|
return 'bg-yellow-500 text-yellow-700 bg-yellow-100', 'bg-yellow-400', 'bg-yellow-100', 'bg-yellow-700 text-yellow-700', 'bg-yellow-200' |
|
elif label == 'MAINTENANCE': |
|
return 'bg-blue-500 text-blue-700', 'bg-blue-400', 'bg-blue-100', 'bg-blue-700 text-blue-700', 'bg-blue-200' |
|
else: |
|
return 'bg-gray-300 text-gray-700', 'bg-gray-400', 'bg-gray-100', 'bg-gray-700 text-gray-700', 'bg-gray-200' |
|
|
|
|
|
html_content = f""" |
|
|
|
|
|
<link href="https://unpkg.com/[email protected]/dist/tailwind.min.css" rel="stylesheet"> |
|
|
|
<div class="container mx-auto"> |
|
<div class="grid xl:grid-cols-5 md:grid-cols-5 grid-cols-1 gap-1"> |
|
<!-- Tile 1: SwinV2/detect --> |
|
<div |
|
class="flex flex-col bg-gray-800 rounded-sm p-4 m-1 border border-gray-800 shadow-xs transition hover:shadow-lg dark:shadow-gray-700/25"> |
|
<div |
|
class="-m-4 h-24 {get_header_color(results[0][-1])[0]} rounded-sm rounded-b-none transition border group-hover:border-gray-100 group-hover:shadow-lg"> |
|
<span class="text-gray-300 font-mono tracking-widest p-4 pb-3 block text-xs text-center">MODEL 1:</span> |
|
<span |
|
class="flex w-24 mx-auto tracking-wide items-center justify-center rounded-full {get_header_color(results[0][-1])[2]} px-1 py-0.5 {get_header_color(results[0][-1])[3]}" |
|
> |
|
<svg xmlns="http://www.w3.org/2000/svg" fill="none" viewBox="0 0 24 24" stroke-width="3" stroke="currentColor" class="w-4 h-4 mr-2 -ml-3 group-hover:animate group-hover:animate-pulse"> |
|
{'<path stroke-linecap="round" stroke-linejoin="round" d="M9 12.75 11.25 15 15 9.75M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />' if results[0][-1] == 'REAL' else '<path stroke-linecap="round" stroke-linejoin="round" d="m9.75 9.75 4.5 4.5m0-4.5-4.5 4.5M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />'} |
|
</svg> |
|
<p class="whitespace-nowrap text-lg leading-normal font-bold text-center self-center align-middle py-px">{results[0][-1]}</p> |
|
</span> |
|
</div> |
|
<div> |
|
<div class="mt-4 relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-green-400 h-full rounded-none" style="width: {results[0][2] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[0][2]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-red-400 h-full rounded-none" style="width: {results[0][3] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[0][3]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="flex flex-col items-start"> |
|
<h4 class="mt-4 text-sm font-semibold tracking-wide">SwinV2 Based</h4> |
|
|
|
<div class="text-xs font-mono">Real: {results[0][2]:.4f}, AI: {results[0][3]:.4f}</div> |
|
|
|
<a class="mt-2 text-xs tracking-wide">@haywoodsloan / more info</a> |
|
</div> |
|
</div> |
|
<!-- Tile 2: ViT/AI-vs-Real --> |
|
<div |
|
class="flex flex-col bg-gray-800 rounded-sm p-4 m-1 border border-gray-800 shadow-xs transition hover:shadow-lg dark:shadow-gray-700/25"> |
|
<div |
|
class="-m-4 h-24 {get_header_color(results[1][-1])[0]} rounded-sm rounded-b-none transition border group-hover:border-gray-100 group-hover:shadow-lg group-hover:{get_header_color(results[1][-1])[4]}"> |
|
<span class="text-gray-300 font-mono tracking-widest p-4 pb-3 block text-xs text-center">MODEL 2:</span> |
|
<span |
|
class="flex w-24 mx-auto tracking-wide items-center justify-center rounded-full {get_header_color(results[1][-1])[2]} px-1 py-0.5 {get_header_color(results[1][-1])[3]}" |
|
> |
|
<svg xmlns="http://www.w3.org/2000/svg" fill="none" viewBox="0 0 24 24" stroke-width="3" stroke="currentColor" class="w-4 h-4 mr-2 -ml-3 group-hover:animate group-hover:animate-pulse"> |
|
{'<path stroke-linecap="round" stroke-linejoin="round" d="M9 12.75 11.25 15 15 9.75M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />' if results[1][-1] == 'REAL' else '<path stroke-linecap="round" stroke-linejoin="round" d="m9.75 9.75 4.5 4.5m0-4.5-4.5 4.5M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />'} |
|
</svg> |
|
<p class="whitespace-nowrap text-lg leading-normal font-bold text-center self-center align-middle py-px">{results[1][-1]}</p> |
|
</span> |
|
</div> |
|
<div> |
|
<div class="mt-4 relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-green-400 h-full rounded-none" style="width: {results[1][2] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[1][2]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-red-400 h-full rounded-none" style="width: {results[1][3] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[1][3]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="flex flex-col items-start"> |
|
<h4 class="mt-4 text-sm font-semibold tracking-wide">ViT Based</h4> |
|
|
|
<div class="text-xs font-mono">Real: {results[1][2]:.4f}, AI: {results[1][3]:.4f}</div> |
|
|
|
<a class="mt-2 text-xs tracking-wide">@Heem2 / more info</a> |
|
</div> |
|
</div> |
|
<!-- Tile 3: Swin/SDXL --> |
|
<div |
|
class="flex flex-col bg-gray-800 rounded-sm p-4 m-1 border border-gray-800 shadow-xs transition hover:shadow-lg dark:shadow-gray-700/25"> |
|
<div |
|
class="-m-4 h-24 {get_header_color(results[2][-1])[0]} rounded-sm rounded-b-none transition border group-hover:border-gray-100 group-hover:shadow-lg group-hover:{get_header_color(results[2][-1])[4]}"> |
|
<span class="text-gray-300 font-mono tracking-widest p-4 pb-3 block text-xs text-center">MODEL 3:</span> |
|
<span |
|
class="flex w-24 mx-auto tracking-wide items-center justify-center rounded-full {get_header_color(results[2][-1])[2]} px-1 py-0.5 {get_header_color(results[2][-1])[3]}" |
|
> |
|
<svg xmlns="http://www.w3.org/2000/svg" fill="none" viewBox="0 0 24 24" stroke-width="3" stroke="currentColor" class="w-4 h-4 mr-2 -ml-3 group-hover:animate group-hover:animate-pulse"> |
|
{'<path stroke-linecap="round" stroke-linejoin="round" d="M9 12.75 11.25 15 15 9.75M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />' if results[2][-1] == 'REAL' else '<path stroke-linecap="round" stroke-linejoin="round" d="m9.75 9.75 4.5 4.5m0-4.5-4.5 4.5M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />'} |
|
</svg> |
|
<p class="whitespace-nowrap text-lg leading-normal font-bold text-center self-center align-middle py-px">{results[2][-1]}</p> |
|
</span> |
|
</div> |
|
<div> |
|
<div class="mt-4 relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-green-400 h-full rounded-none" style="width: {results[2][2] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[2][2]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-red-400 h-full rounded-none" style="width: {results[2][3] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[2][3]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="flex flex-col items-start"> |
|
<h4 class="mt-4 text-sm font-semibold tracking-wide">SDXL Dataset</h4> |
|
|
|
<div class="text-xs font-mono">Real: {results[2][2]:.4f}, AI: {results[2][3]:.4f}</div> |
|
|
|
<a class="mt-2 text-xs tracking-wide">@Organika / more info</a> |
|
</div> |
|
</div> |
|
<!-- Tile 4: Swin/SDXL-FLUX --> |
|
<div |
|
class="flex flex-col bg-gray-800 rounded-sm p-4 m-1 border border-gray-800 shadow-xs transition hover:shadow-lg dark:shadow-gray-700/25"> |
|
<div |
|
class="-m-4 h-24 {get_header_color(results[3][-1])[0]} rounded-sm rounded-b-none transition border group-hover:border-gray-100 group-hover:shadow-lg group-hover:{get_header_color(results[3][-1])[4]}"> |
|
<span class="text-gray-300 font-mono tracking-widest p-4 pb-3 block text-xs text-center">MODEL 4:</span> |
|
<span |
|
class="flex w-24 mx-auto tracking-wide items-center justify-center rounded-full {get_header_color(results[3][-1])[2]} px-1 py-0.5 {get_header_color(results[3][-1])[3]}" |
|
> |
|
<svg xmlns="http://www.w3.org/2000/svg" fill="none" viewBox="0 0 24 24" stroke-width="3" stroke="currentColor" class="w-4 h-4 mr-2 -ml-3 group-hover:animate group-hover:animate-pulse"> |
|
{'<path stroke-linecap="round" stroke-linejoin="round" d="M9 12.75 11.25 15 15 9.75M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />' if results[3][-1] == 'REAL' else '<path stroke-linecap="round" stroke-linejoin="round" d="m9.75 9.75 4.5 4.5m0-4.5-4.5 4.5M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />'} |
|
</svg> |
|
<p class="whitespace-nowrap text-lg leading-normal font-bold text-center self-center align-middle py-px">{results[3][-1]}</p> |
|
</span> |
|
</div> |
|
<div> |
|
<div class="mt-4 relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-green-400 h-full rounded-none" style="width: {results[3][2] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[3][2]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-red-400 h-full rounded-none" style="width: {results[3][3] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[3][3]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="flex flex-col items-start"> |
|
<h4 class="mt-4 text-sm font-semibold tracking-wide">SDXL + FLUX</h4> |
|
|
|
<div class="text-xs font-mono">Real: {results[3][2]:.4f}, AI: {results[3][3]:.4f}</div> |
|
|
|
<a class="mt-2 text-xs tracking-wide">@cmckinle / more info</a> |
|
</div> |
|
</div> |
|
<!-- Tile 5: Newcomer --> |
|
<div |
|
class="flex flex-col bg-gray-800 rounded-sm p-4 m-1 border border-gray-800 shadow-xs transition hover:shadow-lg dark:shadow-gray-700/25"> |
|
<div |
|
class="-m-4 h-24 {get_header_color(results[4][-1])[0]} rounded-sm rounded-b-none transition border group-hover:border-gray-100 group-hover:shadow-lg group-hover:{get_header_color(results[4][-1])[4]}"> |
|
<span class="text-gray-300 font-mono tracking-widest p-4 pb-3 block text-xs text-center">MODEL 5:</span> |
|
<span |
|
class="flex w-24 mx-auto tracking-wide items-center justify-center rounded-full {get_header_color(results[4][-1])[2]} px-1 py-0.5 {get_header_color(results[4][-1])[3]}" |
|
> |
|
<svg xmlns="http://www.w3.org/2000/svg" fill="none" viewBox="0 0 24 24" stroke-width="3" stroke="currentColor" class="w-4 h-4 mr-2 -ml-3 group-hover:animate group-hover:animate-pulse"> |
|
{'<path stroke-linecap="round" stroke-linejoin="round" d="M9 12.75 11.25 15 15 9.75M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />' if results[4][-1] == 'REAL' else '<path stroke-linecap="round" stroke-linejoin="round" d="m9.75 9.75 4.5 4.5m0-4.5-4.5 4.5M21 12a9 9 0 1 1-18 0 9 9 0 0 1 18 0Z" />'} |
|
</svg> |
|
<p class="whitespace-nowrap text-lg leading-normal font-bold text-center self-center align-middle py-px">{results[4][-1]}</p> |
|
</span> |
|
</div> |
|
<div> |
|
<div class="mt-4 relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-green-400 h-full rounded-none" style="width: {results[4][2] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[4][2]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="relative -mx-4 bg-gray-800"> |
|
<div class="w-full bg-gray-400 rounded-none h-8"> |
|
<div class="inline-flex whitespace-nowrap bg-red-400 h-full rounded-none" style="width: {results[4][3] * 100:.2f}%;"> |
|
<p class="p-2 px-4 text-xs self-center align-middle">Conf: |
|
<span class="ml-1 font-medium font-mono">{results[4][3]:.4f}</span> |
|
</p> |
|
</div> |
|
</div> |
|
</div> |
|
</div> |
|
<div class="flex flex-col items-start"> |
|
<h4 class="mt-4 text-sm font-semibold tracking-wide">Vits Model</h4> |
|
|
|
<div class="text-xs font-mono">Real: {results[4][2]:.4f}, AI: {results[4][3]:.4f}</div> |
|
<div class="text-xs font-mono">Real: {results[5][2]:.4f}, AI: {results[5][3]:.4f}</div> |
|
|
|
<a class="mt-2 text-xs tracking-wide">@prithivMLmods / more info</a> |
|
</div> |
|
</div> |
|
</div> |
|
</div> |
|
""" |
|
return html_content |
|
|
|
|
|
def predict_image_with_html(img, confidence_threshold): |
|
img_pil, results = predict_image(img, confidence_threshold) |
|
html_content = generate_results_html(results) |
|
return img_pil, html_content |
|
|
|
|
|
with gr.Blocks() as iface: |
|
gr.Markdown("# AI Generated Image / Deepfake Detection Models Evaluation") |
|
|
|
with gr.Row(): |
|
with gr.Column(scale=1): |
|
image_input = gr.Image(label="Upload Image to Analyze", sources=['upload'], type='pil') |
|
with gr.Accordion("Settings", open=False, elem_id="settings_accordion"): |
|
confidence_slider = gr.Slider(0.0, 1.0, value=0.5, step=0.01, label="Confidence Threshold") |
|
inputs = [image_input, confidence_slider] |
|
with gr.Column(scale=2): |
|
with gr.Accordion("Project OpenSight - Model Evaluations & Playground", open=True, elem_id="project_accordion"): |
|
gr.Markdown("## OpenSight is a SOTA gen. image detection model, in pre-release prep.\n\nThis HF Space is a temporary home for us and the public to evaluate the shortcomings of current open source models.\n\n<-- Feel free to play around by starting with an image as we prepare our formal announcement.") |
|
image_output = gr.Image(label="Processed Image", visible=False) |
|
|
|
results_html = gr.HTML(label="Model Predictions") |
|
outputs = [image_output, results_html] |
|
|
|
|
|
|
|
predict_button = gr.Button("Predict") |
|
predict_button.click( |
|
fn=predict_image_with_html, |
|
inputs=inputs, |
|
outputs=outputs |
|
) |
|
predict_button.click( |
|
fn=None, |
|
js="() => {document.getElementById('project_accordion').open = false;}", |
|
inputs=[], |
|
outputs=[] |
|
) |
|
|
|
|
|
iface.launch() |