5️⃣ 機器學習整合(AI/ML)
🎯 Gradio 與機器學習的整合
Gradio 非常適合 機器學習與人工智慧(AI/ML)應用,因為它可以輕鬆將 深度學習模型 轉化為 可視化的 Web 介面,並讓使用者與模型互動。
🔹 為什麼使用 Gradio 來部署 ML 模型?
✅ 不需要前端開發,直接用 Python 產生 UI。
✅ 支援 TensorFlow、PyTorch、Hugging Face 等 ML 框架。
✅ 內建 圖片、音訊、文字、影片輸入支援,適合多種 AI 應用。
✅ 可分享 Web 介面,讓其他人測試你的模型。
🎯 影像分類應用(TensorFlow)
這是一個使用 TensorFlow + MobileNetV2 來做影像分類的示例。
import gradio as gr
import tensorflow as tf
import numpy as np
# 載入預訓練模型
model = tf.keras.applications.MobileNetV2(weights="imagenet")
def classify_image(img):
img = img.resize((224, 224))
img = np.array(img) / 255.0
img = np.expand_dims(img, axis=0)
preds = model.predict(img)
return tf.keras.applications.mobilenet_v2.decode_predictions(preds, top=1)[0][0][1]
gr.Interface(fn=classify_image, inputs="image", outputs="text", title="影像分類應用").launch()
✅ 效果:使用者上傳圖片,模型返回圖片中的主要物件名稱。
🎯 自然語言處理(NLP)應用(Hugging Face Transformers)
這是一個使用 Hugging Face Transformers 來做文字情感分析的示例。
from transformers import pipeline
import gradio as gr
classifier = pipeline("sentiment-analysis")
def analyze_sentiment(text):
result = classifier(text)[0]
return f"情感: {result['label']}, 信心: {result['score']:.2f}"
gr.Interface(fn=analyze_sentiment, inputs="text", outputs="text", title="情感分析應用").launch()
✅ 效果:輸入一段文字,模型判斷情感(正面/負面)。
🎯 語音辨識應用(Whisper ASR)
使用 OpenAI Whisper 進行語音轉文字(ASR)。
import gradio as gr
import whisper
model = whisper.load_model("base")
def transcribe_audio(audio):
result = model.transcribe(audio)
return result["text"]
gr.Interface(fn=transcribe_audio, inputs="audio", outputs="text", title="語音辨識應用").launch()
✅ 效果:上傳音檔,模型轉換為文字。
📌 總結
應用 | 技術 | 範例 |
---|---|---|
影像分類 | TensorFlow (MobileNetV2) | inputs="image" ,outputs="text" |
文字情感分析 | Hugging Face Transformers | inputs="text" ,outputs="text" |
語音辨識 | OpenAI Whisper | inputs="audio" ,outputs="text" |
🚀 現在你已經學會如何將 ML 模型整合到 Gradio,接下來我們將學習如何部署並分享應用! 😊