import os import time import cv2 import gradio as gr import numpy as np import spaces import supervision as sv import torch from PIL import Image from tqdm import tqdm from transformers import AutoModelForZeroShotObjectDetection, AutoProcessor device = torch.device("cuda" if torch.cuda.is_available() else "cpu") processor = AutoProcessor.from_pretrained("omdet-turbo-tiny-timm") model = AutoModelForZeroShotObjectDetection.from_pretrained("omdet-turbo-tiny-timm").to( device ) css = """ #warning {background-color: #FFCCCB} .feedback textarea {font-size: 24px !important} """ BOUNDING_BOX_ANNOTATOR = sv.BoundingBoxAnnotator() MASK_ANNOTATOR = sv.MaskAnnotator() LABEL_ANNOTATOR = sv.LabelAnnotator() def calculate_end_frame_index(source_video_path): video_info = sv.VideoInfo.from_video_path(source_video_path) return min(video_info.total_frames, video_info.fps * 2) def annotate_image(input_image, detections, labels) -> np.ndarray: output_image = MASK_ANNOTATOR.annotate(input_image, detections) output_image = BOUNDING_BOX_ANNOTATOR.annotate(output_image, detections) output_image = LABEL_ANNOTATOR.annotate(output_image, detections, labels=labels) return output_image def resize_to_max_side(frame: np.ndarray, max_side: int = 640): h, w = frame.shape[:2] if h > w: new_h, new_w = max_side, int(w * max_side / h) else: new_h, new_w = int(h * max_side / w), max_side return cv2.resize(frame, (new_w, new_h)) @spaces.GPU def process_video( input_video, confidence_threshold, classes, max_side, progress=gr.Progress(track_tqdm=True), ): classes = classes.strip(" ").split(",") video_info = sv.VideoInfo.from_video_path(input_video) total = calculate_end_frame_index(input_video) frame_generator = sv.get_video_frames_generator(source_path=input_video, end=total) result_file_name = "output.mp4" result_file_path = os.path.join(os.getcwd(), result_file_name) all_fps = [] with sv.VideoSink(result_file_path, video_info=video_info) as sink: for _ in tqdm(range(total), desc="Processing video.."): frame = next(frame_generator) results, fps = query( frame, classes, confidence_threshold, max_side=max_side ) all_fps.append(fps) detections = [] detections = sv.Detections( xyxy=results[0]["boxes"].cpu().detach().numpy(), confidence=results[0]["scores"].cpu().detach().numpy(), class_id=np.array( [ classes.index(results_class) for results_class in results[0]["classes"] ] ), data={"class_name": results[0]["classes"]}, ) frame = annotate_image( input_image=frame, detections=detections, labels=results[0]["classes"], ) sink.write_frame(frame) avg_fps = np.mean(all_fps) return result_file_path, gr.Markdown( f'