Spaces:
Sleeping
Sleeping
import gradio as gr | |
import spaces | |
import pandas as pd | |
import torch | |
from transformers import pipeline, AutoModelForSeq2SeqLM, AutoTokenizer | |
import plotly.graph_objects as go | |
import logging | |
import io | |
from rapidfuzz import fuzz | |
def fuzzy_deduplicate(df, column, threshold=55): | |
"""Deduplicate rows based on fuzzy matching of text content""" | |
seen_texts = [] | |
indices_to_keep = [] | |
for i, text in enumerate(df[column]): | |
if pd.isna(text): | |
indices_to_keep.append(i) | |
continue | |
text = str(text) | |
if not seen_texts or all(fuzz.ratio(text, seen) < threshold for seen in seen_texts): | |
seen_texts.append(text) | |
indices_to_keep.append(i) | |
return df.iloc[indices_to_keep] | |
logging.basicConfig(level=logging.INFO) | |
logger = logging.getLogger(__name__) | |
class ProcessControl: | |
def __init__(self): | |
self.stop_requested = False | |
def request_stop(self): | |
self.stop_requested = True | |
def should_stop(self): | |
return self.stop_requested | |
def reset(self): | |
self.stop_requested = False | |
class EventDetector: | |
def __init__(self): | |
self.model_name = "google/mt5-small" | |
self.tokenizer = AutoTokenizer.from_pretrained( | |
self.model_name, | |
legacy=True | |
) | |
self.model = None | |
self.finbert = None | |
self.roberta = None | |
self.finbert_tone = None | |
self.last_gpu_use = 0 | |
# Reduced duration | |
def initialize_models(self): | |
try: | |
current_time = time.time() | |
if current_time - self.last_gpu_use < 2: | |
time.sleep(2) | |
device = "cuda" if torch.cuda.is_available() else "cpu" | |
logger.info(f"Initializing models on device: {device}") | |
self.model = AutoModelForSeq2SeqLM.from_pretrained(self.model_name).to(device) | |
self.finbert = pipeline("sentiment-analysis", model="ProsusAI/finbert", device=device) | |
self.roberta = pipeline("sentiment-analysis", model="cardiffnlp/twitter-roberta-base-sentiment", device=device) | |
self.finbert_tone = pipeline("sentiment-analysis", model="yiyanghkust/finbert-tone", device=device) | |
self.last_gpu_use = time.time() | |
return True | |
except Exception as e: | |
logger.error(f"Model initialization error: {str(e)}") | |
return False | |
# Reduced duration | |
def detect_events(self, text, entity): | |
if not text or not entity: | |
return "Нет", "Invalid input" | |
try: | |
current_time = time.time() | |
if current_time - self.last_gpu_use < 2: | |
time.sleep(2) | |
# Rest of the method remains the same... | |
self.last_gpu_use = time.time() | |
return event_type, response | |
except Exception as e: | |
logger.error(f"Event detection error: {str(e)}") | |
return "Нет", f"Error: {str(e)}" | |
# Reduced duration | |
def analyze_sentiment(self, text): | |
try: | |
current_time = time.time() | |
if current_time - self.last_gpu_use < 2: | |
time.sleep(2) | |
# Rest of the method remains the same... | |
self.last_gpu_use = time.time() | |
return sentiment_result | |
except Exception as e: | |
logger.error(f"Sentiment analysis error: {e}") | |
return "Neutral" | |
def create_visualizations(df): | |
if df is None or df.empty: | |
return None, None | |
try: | |
sentiments = df['Sentiment'].value_counts() | |
fig_sentiment = go.Figure(data=[go.Pie( | |
labels=sentiments.index, | |
values=sentiments.values, | |
marker_colors=['#FF6B6B', '#4ECDC4', '#95A5A6'] | |
)]) | |
fig_sentiment.update_layout(title="Распределение тональности") | |
events = df['Event_Type'].value_counts() | |
fig_events = go.Figure(data=[go.Bar( | |
x=events.index, | |
y=events.values, | |
marker_color='#2196F3' | |
)]) | |
fig_events.update_layout(title="Распределение событий") | |
return fig_sentiment, fig_events | |
except Exception as e: | |
logger.error(f"Visualization error: {e}") | |
return None, None | |
def process_file(file_obj): | |
try: | |
logger.info("Starting to read Excel file...") | |
df = pd.read_excel(file_obj, sheet_name='Публикации') | |
logger.info(f"Successfully read Excel file. Shape: {df.shape}") | |
# Deduplication | |
original_count = len(df) | |
df = fuzzy_deduplicate(df, 'Выдержки из текста', threshold=55) | |
logger.info(f"Removed {original_count - len(df)} duplicate entries") | |
detector = EventDetector() | |
processed_rows = [] | |
total = len(df) | |
# Process in smaller batches | |
BATCH_SIZE = 5 | |
for batch_start in range(0, total, BATCH_SIZE): | |
if control.should_stop(): | |
break | |
batch_end = min(batch_start + BATCH_SIZE, total) | |
batch = df.iloc[batch_start:batch_end] | |
# Initialize models for this batch | |
detector.initialize_models() | |
for idx, row in batch.iterrows(): | |
try: | |
text = str(row.get('Выдержки из текста', '')) | |
if not text.strip(): | |
continue | |
entity = str(row.get('Объект', '')) | |
if not entity.strip(): | |
continue | |
# Process event detection with GPU | |
event_type, event_summary = detector.detect_events(text, entity) | |
# Small delay to avoid quota issues | |
time.sleep(0.5) | |
# Process sentiment analysis with GPU | |
sentiment = detector.analyze_sentiment(text) | |
# Small delay after GPU operations | |
time.sleep(0.5) | |
processed_rows.append({ | |
'Объект': entity, | |
'Заголовок': str(row.get('Заголовок', '')), | |
'Sentiment': sentiment, | |
'Event_Type': event_type, | |
'Event_Summary': event_summary, | |
'Текст': text[:1000] | |
}) | |
logger.info(f"Processed {idx + 1}/{total} rows") | |
except Exception as e: | |
logger.error(f"Error processing row {idx}: {str(e)}") | |
if "GPU quota" in str(e): | |
# Wait longer if we hit quota limits | |
time.sleep(5) | |
continue | |
# Release GPU resources after each batch | |
torch.cuda.empty_cache() | |
# Wait between batches | |
time.sleep(2) | |
# Create intermediate results | |
if processed_rows: | |
result_df = pd.DataFrame(processed_rows) | |
yield result_df, None, None, f"Обработано {len(processed_rows)}/{total} строк" | |
# Final results | |
if processed_rows: | |
result_df = pd.DataFrame(processed_rows) | |
fig_sentiment, fig_events = create_visualizations(result_df) | |
return result_df, fig_sentiment, fig_events, "Обработка завершена!" | |
else: | |
return None, None, None, "Нет обработанных данных" | |
except Exception as e: | |
logger.error(f"File processing error: {str(e)}") | |
raise | |
def create_interface(): | |
control = ProcessControl() | |
with gr.Blocks(theme=gr.themes.Soft()) as app: | |
gr.Markdown("# AI-анализ мониторинга новостей v.1.15") | |
with gr.Row(): | |
file_input = gr.File( | |
label="Загрузите Excel файл", | |
file_types=[".xlsx"], | |
type="binary" | |
) | |
with gr.Row(): | |
with gr.Column(scale=1): | |
analyze_btn = gr.Button( | |
"▶️ Начать анализ", | |
variant="primary", | |
size="lg" | |
) | |
with gr.Column(scale=1): | |
stop_btn = gr.Button( | |
"⏹️ Остановить", | |
variant="stop", | |
size="lg" | |
) | |
with gr.Row(): | |
progress = gr.Textbox( | |
label="Статус обработки", | |
interactive=False, | |
value="Ожидание файла..." | |
) | |
with gr.Row(): | |
stats = gr.DataFrame( | |
label="Результаты анализа", | |
interactive=False, | |
wrap=True | |
) | |
with gr.Row(): | |
with gr.Column(scale=1): | |
sentiment_plot = gr.Plot(label="Распределение тональности") | |
with gr.Column(scale=1): | |
events_plot = gr.Plot(label="Распределение событий") | |
def stop_processing(): | |
control.request_stop() | |
return "Остановка обработки..." | |
def analyze(file_bytes): | |
if file_bytes is None: | |
gr.Warning("Пожалуйста, загрузите файл") | |
return None, None, None, "Ожидание файла..." | |
try: | |
# Reset stop flag | |
control.reset() | |
file_obj = io.BytesIO(file_bytes) | |
logger.info("File loaded into BytesIO successfully") | |
progress_status = "Начинаем обработку файла..." | |
yield None, None, None, progress_status | |
# Process file | |
df = pd.read_excel(file_obj, sheet_name='Публикации') | |
logger.info(f"Successfully read Excel file. Shape: {df.shape}") | |
# Deduplication | |
original_count = len(df) | |
df = fuzzy_deduplicate(df, 'Выдержки из текста', threshold=55) | |
logger.info(f"Removed {original_count - len(df)} duplicate entries") | |
detector = EventDetector() | |
detector.control = control # Pass control object | |
processed_rows = [] | |
total = len(df) | |
# Initialize models | |
if not detector.initialize_models(): | |
raise Exception("Failed to initialize models") | |
for idx, row in df.iterrows(): | |
if control.should_stop(): | |
yield ( | |
pd.DataFrame(processed_rows) if processed_rows else None, | |
None, None, | |
f"Обработка остановлена. Обработано {idx} из {total} строк" | |
) | |
return | |
try: | |
text = str(row.get('Выдержки из текста', '')) | |
if not text.strip(): | |
continue | |
entity = str(row.get('Объект', '')) | |
if not entity.strip(): | |
continue | |
event_type, event_summary = detector.detect_events(text, entity) | |
sentiment = detector.analyze_sentiment(text) | |
processed_rows.append({ | |
'Объект': entity, | |
'Заголовок': str(row.get('Заголовок', '')), | |
'Sentiment': sentiment, | |
'Event_Type': event_type, | |
'Event_Summary': event_summary, | |
'Текст': text[:1000] | |
}) | |
if idx % 5 == 0: | |
progress_status = f"Обработано {idx + 1}/{total} строк" | |
yield None, None, None, progress_status | |
except Exception as e: | |
logger.error(f"Error processing row {idx}: {str(e)}") | |
continue | |
result_df = pd.DataFrame(processed_rows) | |
fig_sentiment, fig_events = create_visualizations(result_df) | |
return ( | |
result_df, | |
fig_sentiment, | |
fig_events, | |
f"Обработка завершена успешно! Обработано {len(result_df)} строк" | |
) | |
except Exception as e: | |
error_msg = f"Ошибка анализа: {str(e)}" | |
logger.error(error_msg) | |
gr.Error(error_msg) | |
return None, None, None, error_msg | |
stop_btn.click(fn=stop_processing, outputs=[progress]) | |
analyze_btn.click( | |
fn=analyze, | |
inputs=[file_input], | |
outputs=[stats, sentiment_plot, events_plot, progress] | |
) | |
return app | |
if __name__ == "__main__": | |
app = create_interface() | |
app.launch(share=True) |