awacke1's picture
Update app.py
71f8719 verified
raw
history blame
19.4 kB
import streamlit as st
import pandas as pd
import numpy as np
from sentence_transformers import SentenceTransformer
from sklearn.metrics.pairwise import cosine_similarity
import torch
import json
import os
import glob
from pathlib import Path
from datetime import datetime
import edge_tts
import asyncio
import base64
import requests
from collections import defaultdict
from audio_recorder_streamlit import audio_recorder
import streamlit.components.v1 as components
# Initialize session state
if 'search_history' not in st.session_state:
st.session_state['search_history'] = []
if 'last_voice_input' not in st.session_state:
st.session_state['last_voice_input'] = ""
if 'transcript_history' not in st.session_state:
st.session_state['transcript_history'] = []
if 'should_rerun' not in st.session_state:
st.session_state['should_rerun'] = False
if 'search_columns' not in st.session_state:
st.session_state['search_columns'] = []
if 'initial_search_done' not in st.session_state:
st.session_state['initial_search_done'] = False
class VideoSearch:
def __init__(self):
self.text_model = SentenceTransformer('all-MiniLM-L6-v2')
self.load_dataset()
def fetch_dataset_rows(self):
"""Fetch dataset from Hugging Face API"""
try:
url = "https://datasets-server.huggingface.co/first-rows?dataset=omegalabsinc%2Fomega-multimodal&config=default&split=train"
response = requests.get(url, timeout=30)
if response.status_code == 200:
data = response.json()
if 'rows' in data:
processed_rows = []
for row_data in data['rows']:
row = row_data.get('row', row_data)
for key in row:
if any(term in key.lower() for term in ['embed', 'vector', 'encoding']):
if isinstance(row[key], str):
try:
row[key] = [float(x.strip()) for x in row[key].strip('[]').split(',') if x.strip()]
except:
continue
processed_rows.append(row)
df = pd.DataFrame(processed_rows)
# Update search columns
st.session_state['search_columns'] = [col for col in df.columns
if col not in ['video_embed', 'description_embed', 'audio_embed']]
return df
return self.load_example_data()
except Exception as e:
return self.load_example_data()
def prepare_features(self):
"""Prepare embeddings with adaptive field detection"""
try:
embed_cols = [col for col in self.dataset.columns
if any(term in col.lower() for term in ['embed', 'vector', 'encoding'])]
embeddings = {}
for col in embed_cols:
try:
data = []
for row in self.dataset[col]:
if isinstance(row, str):
values = [float(x.strip()) for x in row.strip('[]').split(',') if x.strip()]
elif isinstance(row, list):
values = row
else:
continue
data.append(values)
if data:
embeddings[col] = np.array(data)
except Exception as e:
continue
# Set main embeddings for search
if 'video_embed' in embeddings:
self.video_embeds = embeddings['video_embed']
else:
self.video_embeds = next(iter(embeddings.values()))
if 'description_embed' in embeddings:
self.text_embeds = embeddings['description_embed']
else:
self.text_embeds = self.video_embeds
except Exception as e:
# Fallback to random embeddings
num_rows = len(self.dataset)
self.video_embeds = np.random.randn(num_rows, 384)
self.text_embeds = np.random.randn(num_rows, 384)
def load_example_data(self):
"""Load example data as fallback"""
example_data = [
{
"video_id": "cd21da96-fcca-4c94-a60f-0b1e4e1e29fc",
"youtube_id": "IO-vwtyicn4",
"description": "This video shows a close-up of an ancient text carved into a surface.",
"views": 45489,
"start_time": 1452,
"end_time": 1458,
"video_embed": [0.014160037972033024, -0.003111184574663639, -0.016604168340563774],
"description_embed": [-0.05835828185081482, 0.02589797042310238, 0.11952091753482819]
}
]
return pd.DataFrame(example_data)
def load_dataset(self):
self.dataset = self.fetch_dataset_rows()
self.prepare_features()
def search(self, query, column=None, top_k=20):
"""Search videos using query with column filtering"""
# Semantic search
query_embedding = self.text_model.encode([query])[0]
video_sims = cosine_similarity([query_embedding], self.video_embeds)[0]
text_sims = cosine_similarity([query_embedding], self.text_embeds)[0]
combined_sims = 0.5 * video_sims + 0.5 * text_sims
# Column-specific text search if specified
if column and column in self.dataset.columns:
mask = self.dataset[column].astype(str).str.contains(query, case=False)
combined_sims[~mask] *= 0.5 # Reduce scores for non-matching rows
# Get top results
top_k = min(top_k, 100)
top_indices = np.argsort(combined_sims)[-top_k:][::-1]
results = []
for idx in top_indices:
result = {
'relevance_score': float(combined_sims[idx])
}
for col in self.dataset.columns:
if col not in ['video_embed', 'description_embed', 'audio_embed']:
result[col] = self.dataset.iloc[idx][col]
results.append(result)
return results
def main():
st.title("πŸŽ₯ Video Search with Speech Recognition")
# Initialize search
search = VideoSearch()
# Create tabs
tab1, tab2, tab3 = st.tabs(["πŸ” Search", "πŸŽ™οΈ Voice Input", "πŸ“‚ Files"])
with tab1:
st.subheader("Search Videos")
# Search interface
col1, col2 = st.columns([3, 1])
with col1:
query = st.text_input("Enter your search query:", value="ancient" if not st.session_state['initial_search_done'] else "")
with col2:
search_column = st.selectbox("Search in field:",
["All Fields"] + st.session_state['search_columns'])
col3, col4 = st.columns(2)
with col3:
num_results = st.slider("Number of results:", 1, 100, 20)
with col4:
search_button = st.button("πŸ” Search")
# Process search
if (search_button or not st.session_state['initial_search_done']) and query:
st.session_state['initial_search_done'] = True
selected_column = None if search_column == "All Fields" else search_column
results = search.search(query, selected_column, num_results)
st.session_state['search_history'].append({
'query': query,
'timestamp': datetime.now().strftime("%Y-%m-%d %H:%M:%S"),
'results': results[:5] # Store only top 5 for history
})
for i, result in enumerate(results, 1):
with st.expander(f"Result {i}: {result['description'][:100]}...",
expanded=i==1):
cols = st.columns([2, 1])
with cols[0]:
st.markdown("**Description:**")
st.write(result['description'])
st.markdown(f"**Time Range:** {result['start_time']}s - {result['end_time']}s")
st.markdown(f"**Views:** {result['views']:,}")
with cols[1]:
st.markdown(f"**Relevance Score:** {result['relevance_score']:.2%}")
if result.get('youtube_id'):
st.video(f"https://youtube.com/watch?v={result['youtube_id']}&t={result['start_time']}")
if st.button(f"πŸ”Š Audio Summary", key=f"audio_{i}"):
summary = f"Video summary: {result['description'][:200]}"
audio_file = asyncio.run(generate_speech(summary))
if audio_file:
st.audio(audio_file)
if os.path.exists(audio_file):
os.remove(audio_file)
with tab2:
st.subheader("Voice Input")
col1, col2 = st.columns(2)
with col1:
st.write("πŸŽ™οΈ Speech Recognition")
voice_input = speech_component()
if voice_input and voice_input != st.session_state['last_voice_input']:
st.session_state['last_voice_input'] = voice_input
st.markdown("**Transcribed Text:**")
st.write(voice_input)
if st.button("πŸ” Search"):
results = search.search(voice_input, None, num_results)
for i, result in enumerate(results, 1):
with st.expander(f"Result {i}", expanded=i==1):
st.write(result['description'])
if result.get('youtube_id'):
st.video(f"https://youtube.com/watch?v={result['youtube_id']}&t={result.get('start_time', 0)}")
with col2:
st.write("🎡 Audio Recording")
audio_bytes = audio_recorder()
if audio_bytes:
audio_path = f"temp_audio_{datetime.now().strftime('%Y%m%d_%H%M%S')}.wav"
with open(audio_path, "wb") as f:
f.write(audio_bytes)
st.success("Audio recorded successfully!")
if os.path.exists(audio_path):
os.remove(audio_path)
with tab3:
show_file_manager()
# Sidebar
with st.sidebar:
st.subheader("βš™οΈ Settings & History")
if st.button("πŸ—‘οΈ Clear History"):
st.session_state['search_history'] = []
st.rerun()
st.markdown("### Recent Searches")
for entry in reversed(st.session_state['search_history'][-5:]):
with st.expander(f"{entry['timestamp']}: {entry['query']}"):
for i, result in enumerate(entry['results'], 1):
st.write(f"{i}. {result['description'][:100]}...")
st.markdown("### Voice Settings")
st.selectbox("TTS Voice:",
["en-US-AriaNeural", "en-US-GuyNeural", "en-GB-SoniaNeural"],
key="tts_voice")
async def generate_speech(text, voice="en-US-AriaNeural"):
"""Generate speech using Edge TTS"""
if not text.strip():
return None
try:
communicate = edge_tts.Communicate(text, voice)
audio_file = f"speech_{datetime.now().strftime('%Y%m%d_%H%M%S')}.mp3"
await communicate.save(audio_file)
return audio_file
except Exception as e:
st.error(f"Error generating speech: {e}")
return None
def show_file_manager():
"""Display file manager interface"""
st.subheader("πŸ“‚ File Manager")
# File operations
col1, col2 = st.columns(2)
with col1:
uploaded_file = st.file_uploader("Upload File", type=['txt', 'md', 'mp3'])
if uploaded_file:
with open(uploaded_file.name, "wb") as f:
f.write(uploaded_file.getvalue())
st.success(f"Uploaded: {uploaded_file.name}")
st.rerun()
with col2:
if st.button("πŸ—‘ Clear All Files"):
for f in glob.glob("*.txt") + glob.glob("*.md") + glob.glob("*.mp3"):
os.remove(f)
st.success("All files cleared!")
st.rerun()
# Show existing files
files = glob.glob("*.txt") + glob.glob("*.md") + glob.glob("*.mp3")
if files:
st.write("### Existing Files")
for f in files:
with st.expander(f"πŸ“„ {os.path.basename(f)}"):
if f.endswith('.mp3'):
st.audio(f)
else:
with open(f, 'r') as file:
st.text_area("Content", file.read(), height=100)
if st.button(f"Delete {os.path.basename(f)}", key=f"del_{f}"):
os.remove(f)
st.rerun()
@st.cache_data(ttl=3600)
def load_file_list():
"""Cache file listing"""
return glob.glob("*.txt") + glob.glob("*.md") + glob.glob("*.mp3")
@st.cache_resource
def get_speech_model():
"""Cache speech model initialization"""
return edge_tts.Communicate
async def generate_speech(text, voice="en-US-AriaNeural"):
"""Generate speech using Edge TTS with cached model"""
if not text.strip():
return None
try:
communicate = get_speech_model()(text, voice)
audio_file = f"speech_{datetime.now().strftime('%Y%m%d_%H%M%S')}.mp3"
await communicate.save(audio_file)
return audio_file
except Exception as e:
st.error(f"Error generating speech: {e}")
return None
def main():
st.title("πŸŽ₯ Video Search with Speech Recognition")
# Initialize search with cached model
search = VideoSearch()
# Create tabs
tab1, tab2, tab3 = st.tabs(["πŸ” Search", "πŸŽ™οΈ Voice Input", "πŸ“‚ Files"])
with tab1:
st.subheader("Search Videos")
# Search interface
col1, col2 = st.columns([3, 1])
with col1:
query = st.text_input("Enter your search query:",
value="ancient" if not st.session_state['initial_search_done'] else "")
with col2:
search_column = st.selectbox("Search in field:",
["All Fields"] + st.session_state['search_columns'])
col3, col4 = st.columns(2)
with col3:
num_results = st.slider("Number of results:", 1, 100, 20)
with col4:
search_button = st.button("πŸ” Search")
# Process search
if (search_button or not st.session_state['initial_search_done']) and query:
st.session_state['initial_search_done'] = True
selected_column = None if search_column == "All Fields" else search_column
with st.spinner("Searching..."):
results = search.search(query, selected_column, num_results)
st.session_state['search_history'].append({
'query': query,
'timestamp': datetime.now().strftime("%Y-%m-%d %H:%M:%S"),
'results': results[:5] # Store only top 5 for history
})
for i, result in enumerate(results, 1):
with st.expander(f"Result {i}: {result['description'][:100]}...",
expanded=i==1):
cols = st.columns([2, 1])
with cols[0]:
st.markdown("**Description:**")
st.write(result['description'])
st.markdown(f"**Time Range:** {result['start_time']}s - {result['end_time']}s")
st.markdown(f"**Views:** {result['views']:,}")
with cols[1]:
st.markdown(f"**Relevance Score:** {result['relevance_score']:.2%}")
if result.get('youtube_id'):
st.video(f"https://youtube.com/watch?v={result['youtube_id']}&t={result['start_time']}")
if st.button(f"πŸ”Š Audio Summary", key=f"audio_{i}"):
summary = f"Video summary: {result['description'][:200]}"
audio_file = asyncio.run(generate_speech(summary))
if audio_file:
st.audio(audio_file)
if os.path.exists(audio_file):
os.remove(audio_file)
with tab2:
st.subheader("Voice Input")
col1, col2 = st.columns(2)
with col1:
st.write("πŸŽ™οΈ Speech Recognition")
with col2:
st.write("🎡 Audio Recording")
audio_bytes = audio_recorder()
if audio_bytes:
audio_path = f"temp_audio_{datetime.now().strftime('%Y%m%d_%H%M%S')}.wav"
with open(audio_path, "wb") as f:
f.write(audio_bytes)
st.success("Audio recorded successfully!")
if os.path.exists(audio_path):
os.remove(audio_path)
with tab3:
show_file_manager()
# Sidebar
with st.sidebar:
st.subheader("βš™οΈ Settings & History")
if st.button("πŸ—‘οΈ Clear History"):
st.session_state['search_history'] = []
st.rerun()
st.markdown("### Recent Searches")
for entry in reversed(st.session_state['search_history'][-5:]):
with st.expander(f"{entry['timestamp']}: {entry['query']}"):
for i, result in enumerate(entry['results'], 1):
st.write(f"{i}. {result['description'][:100]}...")
st.markdown("### Voice Settings")
st.selectbox("TTS Voice:",["en-US-AriaNeural", "en-US-GuyNeural", "en-GB-SoniaNeural"],key="tts_voice")
with col2:
if st.button("πŸ—‘ Clear All Files"):
for f in glob.glob("*.txt") + glob.glob("*.md") + glob.glob("*.mp3"):
os.remove(f)
st.success("All files cleared!")
# Show existing files
files = glob.glob("*.txt") + glob.glob("*.md") + glob.glob("*.mp3")
if files:
st.write("### Existing Files")
for f in files:
with st.expander(f"πŸ“„ {os.path.basename(f)}"):
if f.endswith('.mp3'):
st.audio(f)
else:
with open(f, 'r') as file:
st.text_area("Content", file.read(), height=100)
if st.button(f"Delete {os.path.basename(f)}", key=f"del_{f}"):
os.remove(f)
st.rerun()
if __name__ == "__main__":
main()