Spaces:
Running
on
Zero
Running
on
Zero
import gradio as gr | |
from ultralytics import YOLO | |
from fastapi import FastAPI, File, UploadFile | |
from PIL import Image | |
import numpy as np | |
import io | |
import torch | |
import spaces | |
# 初始化 FastAPI 和模型 | |
app = FastAPI() | |
# 检查 GPU 是否可用,并选择设备 | |
device = 'cuda' if torch.cuda.is_available() else 'cpu' | |
model = YOLO('NailongKiller.yolo11n.pt').to(device) | |
def predict(img): | |
img_resized = np.array(Image.fromarray(img).resize((640, 640))) | |
img_tensor = torch.from_numpy(img_resized).permute(2, 0, 1).unsqueeze(0).to(device) | |
results = model.predict(img_tensor) | |
return results[0].plot() | |
# Gradio 界面 | |
demo = gr.Interface( | |
predict, | |
inputs=[ | |
gr.Image(label="输入图片") | |
], | |
outputs=[ | |
gr.Image(label="检测结果", type="numpy") | |
], | |
title="🐉 奶龙杀手 (NailongKiller)", | |
description="上传图片来检测奶龙 | Upload an image to detect Nailong", | |
examples=[ | |
["example1.jpg"] | |
], | |
cache_examples=True | |
) | |
# 挂载 Gradio 到 FastAPI | |
app = gr.mount_gradio_app(app, demo, path="/") | |
# 启动应用 | |
if __name__ == "__main__": | |
import uvicorn | |
uvicorn.run(app, host="0.0.0.0", port=7860) |