import streamlit as st import torch from transformers import pipeline, AutoTokenizer, AutoModelForSeq2SeqLM import torchaudio import os import re import jieba # Device setup: 自动选择使用 CUDA 或 CPU device = "cuda" if torch.cuda.is_available() else "cpu" # 加载 Whisper 模型,用于音频转录(粤语版) MODEL_NAME = "alvanlii/whisper-small-cantonese" language = "zh" pipe = pipeline(task="automatic-speech-recognition", model=MODEL_NAME, chunk_length_s=60, device=device) pipe.model.config.forced_decoder_ids = pipe.tokenizer.get_decoder_prompt_ids(language=language, task="transcribe") def transcribe_audio(audio_path): """ 对音频文件进行转录,支持大于60秒的音频分段处理 """ waveform, sample_rate = torchaudio.load(audio_path) duration = waveform.shape[1] / sample_rate if duration > 60: results = [] for start in range(0, int(duration), 50): end = min(start + 60, int(duration)) chunk = waveform[:, start * sample_rate:end * sample_rate] temp_filename = f"temp_chunk_{start}.wav" torchaudio.save(temp_filename, chunk, sample_rate) result = pipe(temp_filename)["text"] results.append(result) os.remove(temp_filename) return " ".join(results) return pipe(audio_path)["text"] # 加载翻译模型(粤语到中文) tokenizer = AutoTokenizer.from_pretrained("botisan-ai/mt5-translate-yue-zh") model = AutoModelForSeq2SeqLM.from_pretrained("botisan-ai/mt5-translate-yue-zh").to(device) def split_sentences(text): """根据中文标点分割句子""" return [s for s in re.split(r'(?<=[。!?])', text) if s] def translate(text): """ 将转录文本翻译为中文,逐句翻译后拼接输出 """ sentences = split_sentences(text) translations = [] for sentence in sentences: inputs = tokenizer(sentence, return_tensors="pt").to(device) outputs = model.generate(inputs["input_ids"], max_length=1000, num_beams=5) translations.append(tokenizer.decode(outputs[0], skip_special_tokens=True)) return " ".join(translations) # 加载质量评分模型,用于评价对话质量 rating_pipe = pipeline("text-classification", model="Leo0129/CustomModel_dianping-chinese") def split_text(text, max_length=512): """ 将文本按照最大长度拆分成多个片段,使用 jieba 分词 """ words = list(jieba.cut(text)) chunks, current_chunk = [], "" for word in words: if len(current_chunk) + len(word) < max_length: current_chunk += word else: chunks.append(current_chunk) current_chunk = word if current_chunk: chunks.append(current_chunk) return chunks def rate_quality(text): """ 对翻译后的文本进行质量评价,返回最频繁的评分结果 """ chunks = split_text(text) results = [] for chunk in chunks: result = rating_pipe(chunk)[0] label_map = {"LABEL_0": "Poor", "LABEL_1": "Neutral", "LABEL_2": "Good"} results.append(label_map.get(result["label"], "Unknown")) return max(set(results), key=results.count) def main(): # 设置页面配置和图标,吸引用户注意 st.set_page_config(page_title="Cantonese Audio Analyzer", page_icon="🎙️") # 自定义 CSS 样式(引用 Comic Neue 字体,并设置背景渐变、边框圆角等效果) st.markdown(""" """, unsafe_allow_html=True) # 页面头部展示 st.markdown("""
Transcribe, translate, and evaluate your audio magic!