# evaluate.py - Handles evaluation and comparing tasks with reference preprocessing import os import glob import logging import traceback import tempfile import shutil from difflib import SequenceMatcher import torch import torchaudio from pydub import AudioSegment from flask import jsonify from werkzeug.utils import secure_filename from concurrent.futures import ThreadPoolExecutor import hashlib import threading import time # Import necessary functions from translator.py from translator import get_asr_model, get_asr_processor, LANGUAGE_CODES # Configure logging logger = logging.getLogger("speech_api") # Enhanced cache structure to store preprocessed reference audio data # Format: {reference_locator: {reference_file: {waveform, transcription, processed_at}}} REFERENCE_CACHE = {} # Traditional evaluation cache for quick responses to identical requests EVALUATION_CACHE = {} # A flag to indicate if preprocessing is complete PREPROCESSING_COMPLETE = False PREPROCESSING_LOCK = threading.Lock() PREPROCESSING_THREAD = None def calculate_similarity(text1, text2): """Calculate text similarity percentage.""" def clean_text(text): return text.lower() clean1 = clean_text(text1) clean2 = clean_text(text2) matcher = SequenceMatcher(None, clean1, clean2) return matcher.ratio() * 100 def setup_reference_patterns(reference_dir, sample_rate=16000): """Create standard reference pattern directories without dummy files""" reference_patterns = [ "mayap_a_abak", "mayap_a_ugtu", "mayap_a_gatpanapun", "mayap_a_bengi", "komusta_ka", "malaus_ko_pu", "malaus_kayu", "agaganaka_da_ka", "pagdulapan_da_ka", "kaluguran_da_ka", "dakal_a_salamat", "panapaya_mu_ku", "wa", "ali", "tuknang", "lagwa", "galo", "buri_ke_ini", "tara_na", "nokarin_ka_ibat", "nokarin_ka_munta", "atiu_na_ku", "nanung_panayan_mu", "mako_na_ka", "muli_ta_na", "nanu_ing_pengan_mu", "mekeni", "mengan_na_ka", "munta_ka_karin", "magkanu_ini", "mimingat_ka", "mangan_ta_na", "lakwan_da_ka", "nanu_maliari_kung_daptan_keka", "pilan_na_ka_banwa", "saliwan_ke_ini", "makananu_munta_king", "adwa", "anam", "apat", "apulu", "atlu", "dinalan", "libu", "lima", "metung", "pitu", "siyam", "walu", "masala", "madalumdum", "maragul", "marimla", "malagu", "marok", "mababa", "malapit", "matuling", "maputi", "arung", "asbuk", "balugbug", "bitis", "buntuk", "butit", "gamat", "kuku", "salu", "tud", "pisan", "dara", "achi", "apu", "ima", "tatang", "pengari", "koya", "kapatad", "wali", "pasbul", "awang", "dagis", "bale", "ulas", "sambra", "sulu", "pitudturan", "luklukan", "ulnan" ] created_dirs = 0 for pattern in reference_patterns: pattern_dir = os.path.join(reference_dir, pattern) if not os.path.exists(pattern_dir): try: os.makedirs(pattern_dir, exist_ok=True) logger.info(f"๐Ÿ“ Created reference pattern directory: {pattern_dir}") created_dirs += 1 except Exception as e: logger.error(f"โŒ Failed to create reference pattern directory {pattern_dir}: {str(e)}") continue return created_dirs, 0 # Return 0 created files since we're not creating dummy files anymore def search_reference_directories(): """Search for possible reference directories in various locations""" possible_locations = [ "./reference_audios", "../reference_audios", "/app/reference_audios", "/tmp/reference_audios", os.path.join(os.path.dirname(os.path.abspath(__file__)), "reference_audios") ] found_dirs = [] for location in possible_locations: if os.path.exists(location) and os.path.isdir(location): access_info = { "readable": os.access(location, os.R_OK), "writable": os.access(location, os.W_OK), "executable": os.access(location, os.X_OK) } # Count pattern directories pattern_dirs = [d for d in os.listdir(location) if os.path.isdir(os.path.join(location, d))] # Count total wav files wav_count = 0 for pattern in pattern_dirs: pattern_path = os.path.join(location, pattern) wav_count += len(glob.glob(os.path.join(pattern_path, "*.wav"))) found_dirs.append({ "path": location, "access": access_info, "pattern_dirs": len(pattern_dirs), "wav_files": wav_count }) return found_dirs def transcribe_audio(waveform, sample_rate, asr_model, asr_processor): """Helper function to transcribe audio using the ASR model""" inputs = asr_processor( waveform, sampling_rate=sample_rate, return_tensors="pt" ) inputs = {k: v.to(asr_model.device) for k, v in inputs.items()} with torch.no_grad(): logits = asr_model(**inputs).logits ids = torch.argmax(logits, dim=-1)[0] transcription = asr_processor.decode(ids) return transcription def preprocess_reference_file(ref_file, sample_rate, asr_model, asr_processor): """Preprocess a single reference file and return its transcription""" ref_filename = os.path.basename(ref_file) try: # Load and resample reference audio ref_waveform, ref_sr = torchaudio.load(ref_file) if ref_sr != sample_rate: ref_waveform = torchaudio.transforms.Resample(ref_sr, sample_rate)(ref_waveform) ref_waveform = ref_waveform.squeeze().numpy() # Transcribe reference audio ref_transcription = transcribe_audio(ref_waveform, sample_rate, asr_model, asr_processor) logger.debug(f"Preprocessed reference file: {ref_filename}, transcription: '{ref_transcription}'") return { "waveform": ref_waveform, "transcription": ref_transcription, "processed_at": time.time() } except Exception as e: logger.error(f"โŒ Error preprocessing {ref_filename}: {str(e)}") return None def preprocess_all_references(reference_dir, sample_rate=16000): """Preprocess all reference audio files at startup""" global PREPROCESSING_COMPLETE, REFERENCE_CACHE logger.info("๐Ÿš€ Starting preprocessing of all reference audio files...") # Get ASR model and processor asr_model = get_asr_model() asr_processor = get_asr_processor() if asr_model is None or asr_processor is None: logger.error("โŒ Cannot preprocess reference audio - ASR models not loaded") return False try: pattern_dirs = [d for d in os.listdir(reference_dir) if os.path.isdir(os.path.join(reference_dir, d))] total_processed = 0 start_time = time.time() # Process each reference pattern directory for pattern in pattern_dirs: pattern_path = os.path.join(reference_dir, pattern) reference_files = glob.glob(os.path.join(pattern_path, "*.wav")) reference_files = [f for f in reference_files if "dummy_reference" not in f] if not reference_files: continue # Initialize cache for this pattern if needed if pattern not in REFERENCE_CACHE: REFERENCE_CACHE[pattern] = {} logger.info(f"๐Ÿ”„ Preprocessing {len(reference_files)} references for pattern: {pattern}") # Determine optimal number of workers max_workers = min(os.cpu_count() or 4, len(reference_files), 5) # Process files in parallel with ThreadPoolExecutor(max_workers=max_workers) as executor: tasks = { executor.submit(preprocess_reference_file, ref_file, sample_rate, asr_model, asr_processor): ref_file for ref_file in reference_files } for future in tasks: ref_file = tasks[future] try: result = future.result() if result: REFERENCE_CACHE[pattern][os.path.basename(ref_file)] = result total_processed += 1 except Exception as e: logger.error(f"โŒ Failed to process {ref_file}: {str(e)}") elapsed_time = time.time() - start_time logger.info(f"โœ… Preprocessing complete! Processed {total_processed} reference files in {elapsed_time:.2f} seconds") with PREPROCESSING_LOCK: PREPROCESSING_COMPLETE = True return True except Exception as e: logger.error(f"โŒ Error during reference preprocessing: {str(e)}") logger.debug(f"Stack trace: {traceback.format_exc()}") return False def start_preprocessing_thread(reference_dir, sample_rate=16000): """Start preprocessing in a background thread""" global PREPROCESSING_THREAD def preprocessing_worker(): preprocess_all_references(reference_dir, sample_rate) PREPROCESSING_THREAD = threading.Thread(target=preprocessing_worker) PREPROCESSING_THREAD.daemon = True # Allow thread to exit when main thread exits PREPROCESSING_THREAD.start() logger.info("๐Ÿงต Started reference audio preprocessing in background thread") def init_reference_audio(reference_dir, output_dir): """Initialize reference audio directories and start preprocessing""" try: # Create the output directory first os.makedirs(output_dir, exist_ok=True) logger.info(f"๐Ÿ“ Created output directory: {output_dir}") # Search for existing reference directories found_dirs = search_reference_directories() for directory in found_dirs: logger.info(f"๐Ÿ” Found reference directory: {directory['path']} " f"(patterns: {directory['pattern_dirs']}, wav files: {directory['wav_files']})") # First, try to use the provided reference_dir working_dir = reference_dir # Check if reference_dir is accessible and writable if not os.path.exists(reference_dir) or not os.access(reference_dir, os.W_OK): logger.warning(f"โš ๏ธ Provided reference directory {reference_dir} is not writable") # Try to use a found directory that has patterns and is writable for directory in found_dirs: if directory['access']['writable'] and directory['pattern_dirs'] > 0: working_dir = directory['path'] logger.info(f"โœ… Using found reference directory: {working_dir}") break else: # If no suitable directory found, create one in /tmp working_dir = os.path.join('/tmp', 'reference_audios') logger.warning(f"โš ๏ธ Using fallback reference directory in /tmp: {working_dir}") # Ensure the working directory exists os.makedirs(working_dir, exist_ok=True) logger.info(f"๐Ÿ“ Using reference directory: {working_dir}") # Set up reference pattern directories WITHOUT dummy files dirs_created, _ = setup_reference_patterns(working_dir) logger.info(f"๐Ÿ“Š Created {dirs_created} directories") # Try to copy reference files from other found directories to working directory if needed if len(found_dirs) > 1: # Try to find a directory with existing WAV files for directory in found_dirs: if directory['path'] != working_dir and directory['wav_files'] > 0: try: source_dir = directory['path'] logger.info(f"๐Ÿ”„ Copying reference files from {source_dir} to {working_dir}") # Copy pattern directories that have WAV files # But skip any dummy reference files for item in os.listdir(source_dir): src_path = os.path.join(source_dir, item) if os.path.isdir(src_path): wav_files = glob.glob(os.path.join(src_path, "*.wav")) # Filter out dummy references wav_files = [f for f in wav_files if "dummy_reference" not in f] if wav_files: # Only proceed if there are valid files dst_path = os.path.join(working_dir, item) os.makedirs(dst_path, exist_ok=True) # Copy each valid WAV file individually for wav_file in wav_files: wav_name = os.path.basename(wav_file) if "dummy_reference" not in wav_name: # Extra check dst_file = os.path.join(dst_path, wav_name) if not os.path.exists(dst_file): shutil.copy2(wav_file, dst_file) logger.info(f"๐Ÿ“„ Copied {wav_name} to {dst_path}") break except Exception as e: logger.warning(f"โš ๏ธ Failed to copy reference files: {str(e)}") # Log the final contents, excluding dummy files pattern_dirs = [d for d in os.listdir(working_dir) if os.path.isdir(os.path.join(working_dir, d))] # Count total files without logging each directory total_wav_files = 0 for pattern in pattern_dirs: pattern_path = os.path.join(working_dir, pattern) wav_files = glob.glob(os.path.join(pattern_path, "*.wav")) # Count only non-dummy files valid_files = [f for f in wav_files if "dummy_reference" not in f] total_wav_files += len(valid_files) logger.info(f"๐Ÿ“Š Total pattern directories: {len(pattern_dirs)}, Total reference WAV files: {total_wav_files}") # Check for and remove any dummy files for pattern in pattern_dirs: pattern_path = os.path.join(working_dir, pattern) dummy_files = glob.glob(os.path.join(pattern_path, "dummy_reference.wav")) for dummy in dummy_files: try: os.remove(dummy) logger.info(f"๐Ÿ—‘๏ธ Removed dummy file: {dummy}") except Exception as e: logger.warning(f"โš ๏ธ Failed to remove dummy file {dummy}: {str(e)}") # Start preprocessing references in background start_preprocessing_thread(working_dir) return working_dir except Exception as e: logger.error(f"โŒ Failed to set up reference audio directory: {str(e)}") logger.debug(f"Stack trace: {traceback.format_exc()}") # As a last resort, try to use /tmp but without dummy files fallback_dir = os.path.join('/tmp', 'reference_audios') try: os.makedirs(fallback_dir, exist_ok=True) setup_reference_patterns(fallback_dir) # This now doesn't create dummy files logger.warning(f"โš ๏ธ Using emergency fallback directory: {fallback_dir}") return fallback_dir except: logger.critical("๐Ÿ’ฅ CRITICAL: Failed to create even a fallback directory") return reference_dir def handle_upload_reference(request, reference_dir, sample_rate): """Handle upload of reference audio files and preprocess immediately""" global REFERENCE_CACHE try: if "audio" not in request.files: logger.warning("โš ๏ธ Reference upload missing audio file") return jsonify({"error": "No audio file uploaded"}), 400 reference_word = request.form.get("reference_word", "").strip() if not reference_word: logger.warning("โš ๏ธ Reference upload missing reference word") return jsonify({"error": "No reference word provided"}), 400 # Validate reference word reference_patterns = [ "mayap_a_abak", "mayap_a_ugtu", "mayap_a_gatpanapun", "mayap_a_bengi", "komusta_ka", "malaus_ko_pu", "malaus_kayu", "agaganaka_da_ka", "pagdulapan_da_ka", "kaluguran_da_ka", "dakal_a_salamat", "panapaya_mu_ku", "wa", "ali", "tuknang", "lagwa", "galo", "buri_ke_ini", "tara_na", "nokarin_ka_ibat", "nokarin_ka_munta", "atiu_na_ku", "nanung_panayan_mu", "mako_na_ka", "muli_ta_na", "nanu_ing_pengan_mu", "mekeni", "mengan_na_ka", "munta_ka_karin", "magkanu_ini", "mimingat_ka", "mangan_ta_na", "lakwan_da_ka", "nanu_maliari_kung_daptan_keka", "pilan_na_ka_banwa", "saliwan_ke_ini", "makananu_munta_king", "adwa", "anam", "apat", "apulu", "atlu", "dinalan", "libu", "lima", "metung", "pitu", "siyam", "walu", "masala", "madalumdum", "maragul", "marimla", "malagu", "marok", "mababa", "malapit", "matuling", "maputi", "arung", "asbuk", "balugbug", "bitis", "buntuk", "butit", "gamat", "kuku", "salu", "tud", "pisan", "dara", "achi", "apu", "ima", "tatang", "pengari", "koya", "kapatad", "wali", "pasbul", "awang", "dagis", "bale", "ulas", "sambra", "sulu", "pitudturan", "luklukan", "ulnan" ] if reference_word not in reference_patterns: logger.warning(f"โš ๏ธ Invalid reference word: {reference_word}") return jsonify({"error": f"Invalid reference word. Available: {reference_patterns}"}), 400 # Make sure we have a writable reference directory if not os.path.exists(reference_dir): reference_dir = os.path.join('/tmp', 'reference_audios') os.makedirs(reference_dir, exist_ok=True) logger.warning(f"โš ๏ธ Using alternate reference directory for upload: {reference_dir}") # Create directory for reference pattern if it doesn't exist pattern_dir = os.path.join(reference_dir, reference_word) os.makedirs(pattern_dir, exist_ok=True) # Save the reference audio file audio_file = request.files["audio"] filename = secure_filename(audio_file.filename) # Ensure filename has .wav extension if not filename.lower().endswith('.wav'): base_name = os.path.splitext(filename)[0] filename = f"{base_name}.wav" file_path = os.path.join(pattern_dir, filename) # Create a temporary file first, then convert to WAV with tempfile.NamedTemporaryFile(delete=False) as temp_file: audio_file.save(temp_file.name) temp_path = temp_file.name try: # Process the audio file audio = AudioSegment.from_file(temp_path) audio = audio.set_frame_rate(sample_rate).set_channels(1) audio.export(file_path, format="wav") logger.info(f"โœ… Reference audio saved successfully for {reference_word}: {file_path}") # Clean up temp file try: os.unlink(temp_path) except: pass # Immediately preprocess this new reference file and add to cache asr_model = get_asr_model() asr_processor = get_asr_processor() if asr_model and asr_processor: # Initialize cache for this pattern if needed if reference_word not in REFERENCE_CACHE: REFERENCE_CACHE[reference_word] = {} # Preprocess and add to cache result = preprocess_reference_file(file_path, sample_rate, asr_model, asr_processor) if result: REFERENCE_CACHE[reference_word][filename] = result logger.info(f"โœ… New reference audio preprocessed and added to cache: {filename}") except Exception as e: logger.error(f"โŒ Reference audio processing failed: {str(e)}") return jsonify({"error": f"Audio processing failed: {str(e)}"}), 500 # Count how many references we have now references = glob.glob(os.path.join(pattern_dir, "*.wav")) return jsonify({ "message": "Reference audio uploaded successfully", "reference_word": reference_word, "file": filename, "total_references": len(references), "preprocessed": True }) except Exception as e: logger.error(f"โŒ Unhandled exception in reference upload: {str(e)}") logger.debug(f"Stack trace: {traceback.format_exc()}") return jsonify({"error": f"Internal server error: {str(e)}"}), 500 def handle_evaluation_request(request, reference_dir, output_dir, sample_rate): """Handle pronunciation evaluation requests with preprocessing optimization""" global REFERENCE_CACHE, PREPROCESSING_COMPLETE request_id = f"req-{id(request)}" logger.info(f"[{request_id}] ๐Ÿ†• Starting pronunciation evaluation request") temp_dir = None # Get the ASR model and processor using the getter functions asr_model = get_asr_model() asr_processor = get_asr_processor() if asr_model is None or asr_processor is None: logger.error(f"[{request_id}] โŒ Evaluation endpoint called but ASR models aren't loaded") return jsonify({"error": "ASR model not available"}), 503 try: # Check for basic request requirements if "audio" not in request.files: logger.warning(f"[{request_id}] โš ๏ธ Evaluation request missing audio file") return jsonify({"error": "No audio file uploaded"}), 400 audio_file = request.files["audio"] reference_locator = request.form.get("reference_locator", "").strip() language = request.form.get("language", "kapampangan").lower() # Validate reference locator if not reference_locator: logger.warning(f"[{request_id}] โš ๏ธ No reference locator provided") return jsonify({"error": "Reference locator is required"}), 400 # OPTIMIZATION: Simple caching based on audio content hash + reference_locator audio_content = audio_file.read() audio_file.seek(0) # Reset file pointer after reading audio_hash = hashlib.md5(audio_content).hexdigest() cache_key = f"{audio_hash}_{reference_locator}_{language}" # Check in-memory cache using the module-level cache if cache_key in EVALUATION_CACHE: logger.info(f"[{request_id}] โœ… Using cached evaluation result") return EVALUATION_CACHE[cache_key] # Construct full reference directory path reference_dir_path = os.path.join(reference_dir, reference_locator) logger.info(f"[{request_id}] ๐Ÿ“ Reference directory path: {reference_dir_path}") # Make sure the reference directory exists if not os.path.exists(reference_dir_path): try: os.makedirs(reference_dir_path, exist_ok=True) logger.warning(f"[{request_id}] โš ๏ธ Created missing reference directory: {reference_dir_path}") except Exception as e: logger.error(f"[{request_id}] โŒ Failed to create reference directory: {str(e)}") return jsonify({"error": f"Reference audio directory not found: {reference_locator}"}), 404 # Check for reference files reference_files = glob.glob(os.path.join(reference_dir_path, "*.wav")) # Filter out any dummy reference files reference_files = [f for f in reference_files if "dummy_reference" not in f] logger.info(f"[{request_id}] ๐Ÿ“ Found {len(reference_files)} valid reference files") # If no reference files exist, return a more detailed error message if not reference_files: logger.warning(f"[{request_id}] โš ๏ธ No valid reference audio files found in {reference_dir_path}") return jsonify({ "error": f"No reference audio found for {reference_locator}", "message": "Please upload a reference audio file before evaluation.", "status": "MISSING_REFERENCE" }), 404 lang_code = LANGUAGE_CODES.get(language, language) logger.info(f"[{request_id}] ๐Ÿ”„ Evaluating pronunciation for reference: {reference_locator}") # Create a request-specific temp directory to avoid conflicts temp_dir = os.path.join(output_dir, f"temp_{request_id}") os.makedirs(temp_dir, exist_ok=True) # Process user audio user_audio_path = os.path.join(temp_dir, "user_audio_input.wav") with open(user_audio_path, 'wb') as f: f.write(audio_content) # Use the content we already read try: logger.info(f"[{request_id}] ๐Ÿ”„ Processing user audio file") audio = AudioSegment.from_file(user_audio_path) audio = audio.set_frame_rate(sample_rate).set_channels(1) processed_path = os.path.join(temp_dir, "processed_user_audio.wav") audio.export(processed_path, format="wav") user_waveform, sr = torchaudio.load(processed_path) user_waveform = user_waveform.squeeze().numpy() logger.info(f"[{request_id}] โœ… User audio processed: {sr}Hz, length: {len(user_waveform)} samples") user_audio_path = processed_path except Exception as e: logger.error(f"[{request_id}] โŒ Audio processing failed: {str(e)}") return jsonify({"error": f"Audio processing failed: {str(e)}"}), 500 # Transcribe user audio try: logger.info(f"[{request_id}] ๐Ÿ”„ Transcribing user audio") user_transcription = transcribe_audio(user_waveform, sample_rate, asr_model, asr_processor) logger.info(f"[{request_id}] โœ… User transcription: '{user_transcription}'") except Exception as e: logger.error(f"[{request_id}] โŒ ASR inference failed: {str(e)}") return jsonify({"error": f"ASR inference failed: {str(e)}"}), 500 # Check if we have preprocessed data for this reference locator using_preprocessed = False all_results = [] if reference_locator in REFERENCE_CACHE and REFERENCE_CACHE[reference_locator]: using_preprocessed = True logger.info(f"[{request_id}] ๐Ÿš€ Using preprocessed reference data for {reference_locator}") # Compare with all cached references for ref_filename, ref_data in REFERENCE_CACHE[reference_locator].items(): ref_transcription = ref_data["transcription"] similarity = calculate_similarity(user_transcription, ref_transcription) logger.info( f"[{request_id}] ๐Ÿ“Š Similarity with {ref_filename}: {similarity:.2f}%, transcription: '{ref_transcription}'") all_results.append({ "reference_file": ref_filename, "reference_text": ref_transcription, "similarity_score": similarity }) else: # If not preprocessed yet, do traditional processing logger.info(f"[{request_id}] โš ๏ธ No preprocessed data available for {reference_locator}, processing on demand") # Process files in parallel with ThreadPoolExecutor import random import multiprocessing # Determine optimal number of workers based on CPU count (but keep it small) max_workers = min(multiprocessing.cpu_count(), len(reference_files), 3) # Function to process a single reference file def process_reference_file(ref_file): ref_filename = os.path.basename(ref_file) try: # Load and resample reference audio ref_waveform, ref_sr = torchaudio.load(ref_file) if ref_sr != sample_rate: ref_waveform = torchaudio.transforms.Resample(ref_sr, sample_rate)(ref_waveform) ref_waveform = ref_waveform.squeeze().numpy() # Transcribe reference audio ref_transcription = transcribe_audio(ref_waveform, sample_rate, asr_model, asr_processor) # Add to cache for future use if reference_locator not in REFERENCE_CACHE: REFERENCE_CACHE[reference_locator] = {} REFERENCE_CACHE[reference_locator][ref_filename] = { "waveform": ref_waveform, "transcription": ref_transcription, "processed_at": time.time() } # Calculate similarity similarity = calculate_similarity(user_transcription, ref_transcription) logger.info( f"[{request_id}] ๐Ÿ“Š Similarity with {ref_filename}: {similarity:.2f}%, transcription: '{ref_transcription}'") return { "reference_file": ref_filename, "reference_text": ref_transcription, "similarity_score": similarity } except Exception as e: logger.error(f"[{request_id}] โŒ Error processing {ref_filename}: {str(e)}") return { "reference_file": ref_filename, "reference_text": "Error", "similarity_score": 0, "error": str(e) } # If we have many files, select a smaller sample for initial quick evaluation if len(reference_files) > 3 and not using_preprocessed: reference_files_sample = random.sample(reference_files, 3) else: reference_files_sample = reference_files logger.info(f"[{request_id}] ๐Ÿ”„ Processing {len(reference_files_sample)} reference files") # Process the files in parallel with ThreadPoolExecutor(max_workers=max_workers) as executor: initial_results = list(executor.map(process_reference_file, reference_files_sample)) all_results = initial_results.copy() # If we didn't process all files and didn't find a good match, process more if len(reference_files_sample) < len(reference_files) and not using_preprocessed: # Find the best result so far best_score = 0 for result in all_results: if result["similarity_score"] > best_score: best_score = result["similarity_score"] # Only process more files if our best score isn't already very good if best_score < 80.0: remaining_files = [f for f in reference_files if f not in reference_files_sample] logger.info(f"[{request_id}] ๐Ÿ”„ Score {best_score:.2f}% not high enough, checking {len(remaining_files)} more references") # Limit how many additional files we process additional_files = remaining_files[:5] # Process max 5 more # Process remaining files additional_results = list(executor.map(process_reference_file, additional_files)) all_results.extend(additional_results) # Clean up temp files try: if temp_dir and os.path.exists(temp_dir): shutil.rmtree(temp_dir) logger.debug(f"[{request_id}] ๐Ÿงน Cleaned up temporary directory") except Exception as e: logger.warning(f"[{request_id}] โš ๏ธ Failed to clean up temp files: {str(e)}") # Find the best result best_score = 0 best_reference = None best_transcription = None # Sort results by score descending all_results.sort(key=lambda x: x["similarity_score"], reverse=True) if all_results: best_result = all_results[0] best_score = best_result["similarity_score"] best_reference = best_result["reference_file"] best_transcription = best_result["reference_text"] # Determine feedback based on score is_correct = best_score >= 70.0 if best_score >= 90.0: feedback = "Perfect pronunciation! Excellent job!" elif best_score >= 80.0: feedback = "Great pronunciation! Your accent is very good." elif best_score >= 70.0: feedback = "Good pronunciation. Keep practicing!" elif best_score >= 50.0: feedback = "Fair attempt. Try focusing on the syllables that differ from the sample." else: feedback = "Try again. Listen carefully to the sample pronunciation." logger.info(f"[{request_id}] ๐Ÿ“Š Final evaluation results: score={best_score:.2f}%, is_correct={is_correct}") logger.info(f"[{request_id}] ๐Ÿ“ Feedback: '{feedback}'") logger.info(f"[{request_id}] โœ… Evaluation complete using {'preprocessed' if using_preprocessed else 'on-demand'} reference data") # Create response response = jsonify({ "is_correct": is_correct, "score": best_score, "feedback": feedback, "user_transcription": user_transcription, "best_reference_transcription": best_transcription, "reference_locator": reference_locator, "details": all_results, "total_references_compared": len(all_results), "total_available_references": len(reference_files), "used_preprocessed_data": using_preprocessed, "preprocessing_complete": PREPROCESSING_COMPLETE }) # Cache the result for future identical requests MAX_CACHE_SIZE = 50 EVALUATION_CACHE[cache_key] = response if len(EVALUATION_CACHE) > MAX_CACHE_SIZE: # Remove oldest entry (simplified approach) EVALUATION_CACHE.pop(next(iter(EVALUATION_CACHE))) return response except Exception as e: logger.error(f"[{request_id}] โŒ Unhandled exception in evaluation endpoint: {str(e)}") logger.debug(f"[{request_id}] Stack trace: {traceback.format_exc()}") # Clean up on error try: if temp_dir and os.path.exists(temp_dir): shutil.rmtree(temp_dir) except: pass return jsonify({"error": f"Internal server error: {str(e)}"}), 500 # Add a new function to get preprocessing status def get_preprocessing_status(): """Get the current status of reference audio preprocessing""" global PREPROCESSING_COMPLETE, REFERENCE_CACHE with PREPROCESSING_LOCK: is_complete = PREPROCESSING_COMPLETE # Count total preprocessed references preprocessed_count = 0 for pattern, files in REFERENCE_CACHE.items(): preprocessed_count += len(files) # Check if preprocessing thread is alive thread_running = PREPROCESSING_THREAD is not None and PREPROCESSING_THREAD.is_alive() return { "complete": is_complete, "preprocessed_files": preprocessed_count, "patterns_cached": len(REFERENCE_CACHE), "thread_running": thread_running }