import gradio as gr import os import yaml import json import random from datasets import load_dataset, get_dataset_config_names, get_dataset_split_names from openai import OpenAI from openevolve import run_evolution from typing import Dict, List, Tuple, Optional import tempfile import shutil import requests import glob # Free models from OpenRouter (as of 2025) FREE_MODELS = [ "google/gemini-2.0-flash-001:free", "google/gemini-flash-1.5-8b:free", "meta-llama/llama-3.2-3b-instruct:free", "meta-llama/llama-3.2-1b-instruct:free", "microsoft/phi-3-mini-128k-instruct:free", "microsoft/phi-3-medium-128k-instruct:free", "qwen/qwen-2-7b-instruct:free", "mistralai/mistral-7b-instruct:free", ] def validate_dataset(dataset_name: str, split: str, input_field: str, target_field: str) -> Tuple[bool, str]: """ Validate that the dataset exists and has the required fields. Returns: Tuple of (is_valid, error_message) """ try: # Check if dataset name has correct format (should be org/name or just name) if not dataset_name or dataset_name.strip() == "": return False, "❌ Dataset name cannot be empty" dataset_name = dataset_name.strip() # Try to get dataset info from HuggingFace API hf_token = os.environ.get("HF_TOKEN", None) headers = {} if hf_token: headers["Authorization"] = f"Bearer {hf_token}" # Check if dataset exists on HuggingFace Hub api_url = f"https://huggingface.co/api/datasets/{dataset_name}" response = requests.get(api_url, headers=headers, timeout=10) if response.status_code == 404: return False, f"❌ Dataset '{dataset_name}' not found on HuggingFace Hub. Please use the full dataset name (e.g., 'stanfordnlp/imdb' or 'gsm8k')" elif response.status_code != 200: # Try to load anyway - might be a private dataset or API issue print(f"Warning: Could not verify dataset via API (status {response.status_code}), attempting to load...") # Try to load a small sample to verify it works and check fields print(f"Loading dataset {dataset_name} with split {split}...") # First, check if the split exists try: available_splits = get_dataset_split_names(dataset_name) if split not in available_splits: return False, f"❌ Split '{split}' not found. Available splits: {', '.join(available_splits)}" except Exception as e: print(f"Could not get split names: {e}. Will try to load anyway...") # Load a small sample to check fields dataset = load_dataset(dataset_name, split=split, streaming=True) # Get first example to check fields first_example = next(iter(dataset)) available_fields = list(first_example.keys()) # Check if input field exists if input_field not in available_fields: return False, f"❌ Input field '{input_field}' not found. Available fields: {', '.join(available_fields)}" # Check if target field exists if target_field not in available_fields: return False, f"❌ Target field '{target_field}' not found. Available fields: {', '.join(available_fields)}" # All validations passed return True, f"✅ Dataset validated successfully! Fields '{input_field}' and '{target_field}' found." except Exception as e: error_msg = str(e) if "404" in error_msg or "not found" in error_msg.lower(): return False, f"❌ Dataset '{dataset_name}' not found. Please check the dataset name (use format: org/dataset-name)" return False, f"❌ Error validating dataset: {error_msg}" def validate_inputs(dataset_name: str, split: str, input_field: str, target_field: str, initial_prompt: str) -> Tuple[bool, str]: """ Validate all inputs before starting optimization. Returns: Tuple of (is_valid, message) """ # Check API key api_key = os.environ.get("OPENAI_API_KEY") if not api_key: return False, "❌ OPENAI_API_KEY environment variable not set. Please set it in the Space secrets." # Check prompt contains {input} placeholder if "{input}" not in initial_prompt: return False, "❌ Prompt must contain '{input}' placeholder for dataset inputs" # Check dataset name format dataset_name = dataset_name.strip() if not dataset_name: return False, "❌ Dataset name cannot be empty" # Validate dataset and fields is_valid, message = validate_dataset(dataset_name, split, input_field, target_field) if not is_valid: return False, message return True, message def evaluate_prompt(prompt: str, dataset_name: str, split: str, num_samples: int, model: str, input_field: str, target_field: str) -> Dict: """Evaluate a prompt on a dataset using the selected model.""" try: # Get API key from environment api_key = os.environ.get("OPENAI_API_KEY") if not api_key: return { "error": "OPENAI_API_KEY not set in environment", "accuracy": 0, "correct": 0, "total": 0, "results": [] } # Load dataset dataset = load_dataset(dataset_name, split=split, streaming=False) # Sample random examples if len(dataset) > num_samples: indices = random.sample(range(len(dataset)), num_samples) samples = [dataset[i] for i in indices] else: samples = list(dataset)[:num_samples] # Initialize OpenAI client with OpenRouter client = OpenAI( base_url="https://openrouter.ai/api/v1", api_key=api_key, ) correct = 0 total = 0 results = [] for sample in samples: try: # Get input and target input_text = sample.get(input_field, "") if isinstance(input_text, dict): input_text = str(input_text) target = sample.get(target_field, "") if isinstance(target, dict): target = str(target) # Format the prompt with the input formatted_prompt = prompt.replace("{input}", str(input_text)) # Call the model response = client.chat.completions.create( model=model, messages=[ {"role": "system", "content": "You are a helpful assistant."}, {"role": "user", "content": formatted_prompt} ], temperature=0.1, max_tokens=500, ) prediction = response.choices[0].message.content.strip() # Simple exact match evaluation is_correct = str(target).lower().strip() in prediction.lower() if is_correct: correct += 1 total += 1 results.append({ "input": str(input_text)[:100] + "..." if len(str(input_text)) > 100 else str(input_text), "target": str(target), "prediction": prediction[:100] + "..." if len(prediction) > 100 else prediction, "correct": is_correct }) except Exception as e: print(f"Error evaluating sample: {e}") continue accuracy = (correct / total * 100) if total > 0 else 0 return { "accuracy": accuracy, "correct": correct, "total": total, "results": results } except Exception as e: return { "error": str(e), "accuracy": 0, "correct": 0, "total": 0, "results": [] } def parse_evolution_history(output_dir: str) -> str: """ Parse evolution history from OpenEvolve output directory. Returns a markdown string with visualization of the evolution process. """ try: evolution_viz = "## 🧬 Evolution Progress\n\n" # Look for generation files or logs generation_files = sorted(glob.glob(os.path.join(output_dir, "generation_*.txt"))) log_file = os.path.join(output_dir, "evolution.log") # Try to parse generation files if they exist if generation_files: evolution_viz += "### Generation-by-Generation Progress\n\n" for gen_file in generation_files: gen_num = os.path.basename(gen_file).replace("generation_", "").replace(".txt", "") try: with open(gen_file, 'r') as f: content = f.read() evolution_viz += f"**Generation {gen_num}:**\n```\n{content[:200]}{'...' if len(content) > 200 else ''}\n```\n\n" except: pass # Try to parse log file elif os.path.exists(log_file): evolution_viz += "### Evolution Log\n\n" try: with open(log_file, 'r') as f: log_content = f.read() evolution_viz += f"```\n{log_content[-1000:]}\n```\n\n" except: pass # Look for scores or history file scores_file = os.path.join(output_dir, "scores.json") if os.path.exists(scores_file): try: with open(scores_file, 'r') as f: scores = json.load(f) evolution_viz += "### Score Progression\n\n" evolution_viz += "| Generation | Best Score | Avg Score | Population |\n" evolution_viz += "|------------|-----------|-----------|------------|\n" for gen in scores: evolution_viz += f"| {gen['generation']} | {gen['best']:.3f} | {gen['avg']:.3f} | {gen['population']} |\n" evolution_viz += "\n" except: pass # Look for all program variants program_files = sorted(glob.glob(os.path.join(output_dir, "program_*.txt"))) if program_files: evolution_viz += f"### Explored Variants\n\n" evolution_viz += f"OpenEvolve explored {len(program_files)} different prompt variants during evolution.\n\n" # Show a few intermediate prompts if len(program_files) > 3: sample_files = [program_files[0], program_files[len(program_files)//2], program_files[-2]] evolution_viz += "**Sample Intermediate Prompts:**\n\n" for idx, pfile in enumerate(sample_files, 1): try: with open(pfile, 'r') as f: prompt_content = f.read() evolution_viz += f"**Variant {idx}:**\n```\n{prompt_content[:150]}{'...' if len(prompt_content) > 150 else ''}\n```\n\n" except: pass # If no specific files found, show directory contents if not generation_files and not os.path.exists(log_file) and not os.path.exists(scores_file): evolution_viz += "### Evolution Complete\n\n" evolution_viz += "OpenEvolve ran 10 iterations of evolutionary optimization using:\n" evolution_viz += "- **Population Size**: 10 prompts per generation\n" evolution_viz += "- **Selection Strategy**: 10% elite, 30% explore, 60% exploit\n" evolution_viz += "- **Islands**: 1 population with mutation and crossover\n" evolution_viz += "- **Evaluation**: 100 samples per prompt variant\n\n" # Count files in output directory all_files = os.listdir(output_dir) evolution_viz += f"Generated {len(all_files)} files during evolution process.\n\n" return evolution_viz except Exception as e: return f"## 🧬 Evolution Progress\n\nEvolution completed successfully. Unable to parse detailed history: {str(e)}\n\n" def create_evaluator_file(dataset_name: str, split: str, model: str, input_field: str, target_field: str, work_dir: str): """Create an evaluator.py file for OpenEvolve.""" evaluator_code = f''' import os import random from datasets import load_dataset from openai import OpenAI def evaluate(prompt: str) -> float: """Evaluate a prompt and return a score between 0 and 1.""" try: # Load dataset dataset = load_dataset("{dataset_name}", split="{split}", streaming=False) # Sample 100 random examples num_samples = min(100, len(dataset)) if len(dataset) > num_samples: indices = random.sample(range(len(dataset)), num_samples) samples = [dataset[i] for i in indices] else: samples = list(dataset)[:num_samples] # Initialize OpenAI client api_key = os.environ.get("OPENAI_API_KEY") client = OpenAI( base_url="https://openrouter.ai/api/v1", api_key=api_key, ) correct = 0 total = 0 for sample in samples: try: # Get input and target input_text = sample.get("{input_field}", "") if isinstance(input_text, dict): input_text = str(input_text) target = sample.get("{target_field}", "") if isinstance(target, dict): target = str(target) # Format the prompt formatted_prompt = prompt.replace("{{input}}", str(input_text)) # Call the model response = client.chat.completions.create( model="{model}", messages=[ {{"role": "system", "content": "You are a helpful assistant."}}, {{"role": "user", "content": formatted_prompt}} ], temperature=0.1, max_tokens=500, ) prediction = response.choices[0].message.content.strip() # Simple evaluation is_correct = str(target).lower().strip() in prediction.lower() if is_correct: correct += 1 total += 1 except Exception as e: print(f"Error evaluating sample: {{e}}") continue # Return score between 0 and 1 return (correct / total) if total > 0 else 0.0 except Exception as e: print(f"Error in evaluation: {{e}}") return 0.0 ''' evaluator_path = os.path.join(work_dir, "evaluator.py") with open(evaluator_path, "w") as f: f.write(evaluator_code) return evaluator_path def create_config_file(model: str, work_dir: str): """Create a config.yaml file for OpenEvolve.""" config = { "llm": { "api_base": "https://openrouter.ai/api/v1", "model": model, "temperature": 0.7, "max_tokens": 4096, }, "evolution": { "max_iterations": 10, "population_size": 10, "num_islands": 1, "elite_ratio": 0.1, "explore_ratio": 0.3, "exploit_ratio": 0.6, }, "evaluation": { "timeout": 1800, } } config_path = os.path.join(work_dir, "config.yaml") with open(config_path, "w") as f: yaml.dump(config, f) return config_path def optimize_prompt(initial_prompt: str, dataset_name: str, dataset_split: str, model: str, input_field: str, target_field: str, progress=gr.Progress()) -> Tuple[str, str, str, str]: """Run OpenEvolve to optimize the prompt.""" progress(0, desc="Validating inputs...") # Validate all inputs is_valid, validation_message = validate_inputs( dataset_name, dataset_split, input_field, target_field, initial_prompt ) if not is_valid: return f"## Validation Failed\n\n{validation_message}", "", "", "" progress(0.05, desc=f"Validation passed: {validation_message}") # Create temporary working directory work_dir = tempfile.mkdtemp(prefix="openevolve_") try: # Save initial prompt initial_prompt_path = os.path.join(work_dir, "initial_prompt.txt") with open(initial_prompt_path, "w") as f: f.write(initial_prompt) # Create evaluator progress(0.1, desc="Creating evaluator...") evaluator_path = create_evaluator_file(dataset_name, dataset_split, model, input_field, target_field, work_dir) # Create config progress(0.15, desc="Creating configuration...") config_path = create_config_file(model, work_dir) # Run initial evaluation progress(0.2, desc="Running initial evaluation on 100 samples...") initial_eval = evaluate_prompt( initial_prompt, dataset_name, dataset_split, 100, model, input_field, target_field ) if "error" in initial_eval and initial_eval["total"] == 0: return f"## Error\n\n❌ Initial evaluation failed: {initial_eval['error']}", "", "", "" initial_results = f""" ### Initial Prompt Evaluation **Prompt:** ``` {initial_prompt} ``` **Results:** - Accuracy: {initial_eval['accuracy']:.2f}% - Correct: {initial_eval['correct']}/{initial_eval['total']} **Sample Results:** """ for i, result in enumerate(initial_eval['results'][:5], 1): initial_results += f"\n{i}. Input: {result['input']}\n" initial_results += f" Target: {result['target']}\n" initial_results += f" Prediction: {result['prediction']}\n" initial_results += f" ✓ Correct\n" if result['correct'] else f" ✗ Incorrect\n" # Run OpenEvolve progress(0.3, desc="Starting OpenEvolve optimization (10 iterations, ~5-15 minutes)...") output_dir = os.path.join(work_dir, "output") os.makedirs(output_dir, exist_ok=True) try: # Run evolution result = run_evolution( initial_program_path=initial_prompt_path, evaluator_path=evaluator_path, config_path=config_path, output_dir=output_dir, verbose=True ) progress(0.80, desc="Parsing evolution history...") # Parse evolution history for visualization evolution_viz = parse_evolution_history(output_dir) progress(0.85, desc="Evaluating best evolved prompt...") # Get the best prompt best_prompt_path = os.path.join(output_dir, "best_program.txt") if os.path.exists(best_prompt_path): with open(best_prompt_path, "r") as f: best_prompt = f.read() else: best_prompt = initial_prompt # Evaluate best prompt final_eval = evaluate_prompt( best_prompt, dataset_name, dataset_split, 100, model, input_field, target_field ) final_results = f""" ### Evolved Prompt Evaluation **Prompt:** ``` {best_prompt} ``` **Results:** - Accuracy: {final_eval['accuracy']:.2f}% - Correct: {final_eval['correct']}/{final_eval['total']} - Improvement: {final_eval['accuracy'] - initial_eval['accuracy']:+.2f}% **Sample Results:** """ for i, result in enumerate(final_eval['results'][:5], 1): final_results += f"\n{i}. Input: {result['input']}\n" final_results += f" Target: {result['target']}\n" final_results += f" Prediction: {result['prediction']}\n" final_results += f" ✓ Correct\n" if result['correct'] else f" ✗ Incorrect\n" summary = f""" ## 🎉 Optimization Complete! ### Summary - **Dataset**: {dataset_name} ({dataset_split} split) - **Model**: {model} - **Samples**: 100 per evaluation - **Iterations**: 10 ### Results - **Initial Accuracy**: {initial_eval['accuracy']:.2f}% - **Final Accuracy**: {final_eval['accuracy']:.2f}% - **Improvement**: {final_eval['accuracy'] - initial_eval['accuracy']:+.2f}% {validation_message} """ progress(1.0, desc="Complete!") return summary, initial_results, evolution_viz, final_results except Exception as e: return f"## Error During Evolution\n\n❌ {str(e)}", initial_results, "", "" finally: # Clean up try: shutil.rmtree(work_dir) except: pass # Create Gradio interface with gr.Blocks(title="OpenEvolve Prompt Optimizer", theme=gr.themes.Soft()) as demo: gr.Markdown(""" # 🧬 OpenEvolve Prompt Optimizer Automatically evolve and optimize your prompts using evolutionary algorithms! This space uses [OpenEvolve](https://github.com/algorithmicsuperintelligence/openevolve) to iteratively improve prompts by testing them on real datasets and evolving better versions. ## How it works: 1. Enter an initial prompt (use `{input}` as a placeholder for dataset inputs) 2. Enter the full HuggingFace dataset name (e.g., `stanfordnlp/imdb`, `gsm8k`) 3. Specify the dataset split and field names 4. Choose a free model from OpenRouter 5. Click "Optimize Prompt" - the system will validate everything first! 6. Watch the evolution progress in real-time 7. Compare initial vs. evolved performance! **Note**: API key is read from `OPENAI_API_KEY` environment variable (set in Space secrets) """) with gr.Row(): with gr.Column(): gr.Markdown("### Configuration") model = gr.Dropdown( choices=FREE_MODELS, value=FREE_MODELS[0], label="Select Model", info="Free models available on OpenRouter" ) dataset_name = gr.Textbox( label="HuggingFace Dataset (Full Name)", value="stanfordnlp/imdb", placeholder="e.g., stanfordnlp/imdb, openai/gsm8k, SetFit/sst5", info="Full dataset name from HuggingFace Hub (org/dataset-name or dataset-name)" ) dataset_split = gr.Textbox( label="Dataset Split", value="test", placeholder="e.g., train, test, validation" ) input_field = gr.Textbox( label="Input Field Name", value="text", placeholder="e.g., text, question, context", info="The field containing inputs to process" ) target_field = gr.Textbox( label="Target Field Name", value="label", placeholder="e.g., label, answer, target", info="The field containing expected outputs" ) initial_prompt = gr.TextArea( label="Initial Prompt", value="Analyze the sentiment of the following text and classify it as positive or negative:\n\n{input}\n\nClassification:", lines=6, info="Use {input} as placeholder for dataset inputs" ) optimize_btn = gr.Button("🚀 Validate & Optimize Prompt", variant="primary", size="lg") with gr.Row(): with gr.Column(): summary = gr.Markdown(label="Summary") with gr.Row(): with gr.Column(): initial_results = gr.Markdown(label="Initial Results") with gr.Column(): final_results = gr.Markdown(label="Evolved Results") with gr.Row(): with gr.Column(): evolution_progress = gr.Markdown(label="Evolution Progress", value="Evolution progress will appear here...") gr.Markdown(""" ### Example Datasets & Fields: | Dataset | Split | Input Field | Target Field | Task | |---------|-------|-------------|--------------|------| | stanfordnlp/imdb | test | text | label | Sentiment Analysis | | rajpurkar/squad | validation | question | answers | Question Answering | | dair-ai/emotion | test | text | label | Emotion Classification | | openai/gsm8k | test | question | answer | Math Reasoning | | fancyzhx/ag_news | test | text | label | News Classification | ### Important Notes: - **API Key**: Must be set as `OPENAI_API_KEY` environment variable in Space secrets - **HF Token**: Optional `HF_TOKEN` environment variable for private datasets - **Dataset Name**: Use full name (org/dataset or dataset-name) - **Validation**: All inputs are validated before starting optimization - **Time**: Evolution takes 5-15 minutes (10 iterations) - **Samples**: 100 random samples per evaluation ### About OpenEvolve: OpenEvolve is an open-source evolutionary optimization framework. Learn more at: - [GitHub Repository](https://github.com/algorithmicsuperintelligence/openevolve) - [Documentation](https://github.com/algorithmicsuperintelligence/openevolve#readme) """) optimize_btn.click( fn=optimize_prompt, inputs=[initial_prompt, dataset_name, dataset_split, model, input_field, target_field], outputs=[summary, initial_results, evolution_progress, final_results] ) if __name__ == "__main__": demo.launch()