Let's work through a Text2SQL use case where we are starting from scratch without a nice and clean dataset of questions, SQL queries, or expected responses.
Let's first start a phoenix server. Note that this is not necessary if you have a phoenix server running already.
import phoenix as pxpx.launch_app()
Let's also setup tracing for OpenAI as we will be using their API to perform the synthesis.
from openinference.instrumentation.openai import OpenAIInstrumentorfrom phoenix.otel import registertracer_provider =register()OpenAIInstrumentor().instrument(tracer_provider=tracer_provider)
Let's make sure we can run async code in the notebook.
import nest_asyncionest_asyncio.apply()
Lastly, let's make sure we have our openai API key set up.
import osfrom getpass import getpassifnot os.getenv("OPENAI_API_KEY"): os.environ["OPENAI_API_KEY"]=getpass("🔑 Enter your OpenAI API key: ")
Download Data
We are going to use the NBA dataset that information from 2014 - 2018. We will use DuckDB as our database.
import duckdbfrom datasets import load_datasetdata =load_dataset("suzyanil/nba-data")["train"]conn = duckdb.connect(database=":memory:", read_only=False)conn.register("nba", data.to_pandas())conn.query("SELECT * FROM nba LIMIT 5").to_df().to_dict(orient="records")[0]
Implement Text2SQL
Let's start by implementing a simple text2sql logic.
import osimport openaiclient = openai.AsyncClient()columns = conn.query("DESCRIBE nba").to_df().to_dict(orient="records")# We will use GPT4o to startTASK_MODEL ="gpt-4o"CONFIG ={"model": TASK_MODEL}system_prompt = ("You are a SQL expert, and you are given a single table named nba with the following columns:\n"f"{",".join(column["column_name"] +": "+ column["column_type"] for column in columns)}\n""Write a SQL query corresponding to the user's request. Return just the query text, ""with no formatting (backticks, markdown, etc.).")asyncdefgenerate_query(input): response =await client.chat.completions.create( model=TASK_MODEL, temperature=0, messages=[ {"role": "system","content": system_prompt, }, {"role": "user","content": input, }, ], )return response.choices[0].message.content
query =awaitgenerate_query("Who won the most games?")print(query)
Awesome, looks like the LLM is producing SQL! let's try running the query and see if we get the expected results.
Evaluation consists of three parts — data, task, and scores. We'll start with data.
questions = ["Which team won the most games?","Which team won the most games in 2015?","Who led the league in 3 point shots?","Which team had the biggest difference in records across two consecutive years?","What is the average number of free throws per year?",]
Let's store the data above as a versioned dataset in phoenix.
import pandas as pdds = px.Client().upload_dataset( dataset_name="nba-questions", dataframe=pd.DataFrame([{"question": question} for question in questions]), input_keys=["question"], output_keys=[],)# If you have already uploaded the dataset, you can fetch it using the following line# ds = px.Client().get_dataset(name="nba-questions")
Next, we'll define the task. The task is to generate SQL queries from natural language questions.
Finally, we'll define the scores. We'll use the following simple scoring functions to see if the generated SQL queries are correct.
# Test if there are no sql execution errorsdefno_error(output):return1.0if output.get("error")isNoneelse0.0# Test if the query has resultsdefhas_results(output): results = output.get("results") has_results = results isnotNoneandlen(results)>0return1.0if has_results else0.0
Now let's run the evaluation experiment.
import phoenix as pxfrom phoenix.experiments import run_experiment# Define the task to run text2sql on the input questiondeftask(input):returntext2sql(input["question"])experiment =run_experiment( ds, task=task, evaluators=[no_error, has_results], experiment_metadata=CONFIG)
Ok! It looks like 3/5 of our queries are valid.
Interpreting the results
Now that we ran the initial evaluation, it looks like two of the results are valid, two produce SQL errors, and one is incorrect.
The incorrect query didn't seem to get the date format correct. That would probably be improved by showing a sample of the data to the model (e.g. few shot example).
There are is a binder error, which may also have to do with not understanding the data format.
Let's try to improve the prompt with few-shot examples and see if we can get better results.
samples = conn.query("SELECT * FROM nba LIMIT 1").to_df().to_dict(orient="records")[0]sample_rows ="\n".join(f"{column['column_name']} | {column['column_type']} | {samples[column['column_name']]}"for column in columns)system_prompt = ("You are a SQL expert, and you are given a single table named nba with the following columns:\n\n""Column | Type | Example\n""-------|------|--------\n"f"{sample_rows}\n""\n""Write a DuckDB SQL query corresponding to the user's request. ""Return just the query text, with no formatting (backticks, markdown, etc.).")asyncdefgenerate_query(input): response =await client.chat.completions.create( model=TASK_MODEL, temperature=0, messages=[ {"role": "system","content": system_prompt, }, {"role": "user","content": input, }, ], )return response.choices[0].message.contentprint(awaitgenerate_query("Which team won the most games in 2015?"))
Looking much better! Finally, let's add a scoring function that compares the results, if they exist, with the expected results.
Amazing. It looks like we removed one of the errors, and got a result for the incorrect query. Let's try out using LLM as a judge to see how well it can assess the results.
from phoenix.evals.models import OpenAIModelfrom phoenix.experiments import evaluate_experimentfrom phoenix.experiments.evaluators.llm_evaluators import LLMCriteriaEvaluatorllm_evaluator =LLMCriteriaEvaluator( name="is_sql", criteria="is_sql", description="the output is a valid SQL query and that it executes without errors", model=OpenAIModel(),)evaluate_experiment(experiment, evaluators=[llm_evaluator])
Sure enough the LLM agrees with our scoring. Pretty neat trick! This can come in useful when it's difficult to define a scoring function.
We now have a simple text2sql pipeline that can be used to generate SQL queries from natural language questions. Since Phoenix has been tracing the entire pipeline, we can now use the Phoenix UI to convert the spans that generated successful queries into examples to use in Golden Dataset for regression testing!
Generating more data
Now that we have a basic flow in place, let's generate some data. We're going to use the dataset itself to generate expected queries, and have a model describe the queries. This is a slightly more robust method than having it generate queries, because we'd expect a model to describe a query more accurately than generate one from scratch.
import jsonfrom pydantic import BaseModelclassQuestion(BaseModel): sql:str question:strclassQuestions(BaseModel): questions: list[Question]synthetic_data_prompt =f"""\You are a SQL expert, and you are given a single table named nba with the following columns:Column | Type | Example-------|------|--------{"\n".join(f"{column['column_name']} | {column['column_type']} | {samples[column['column_name']]}" for column in columns)}
Generate SQL queries that would be interesting to ask about this table. Return the SQL query as a string, as well as the
question that the query answers."""response =await client.chat.completions.create( model="gpt-4o", temperature=0, messages=[ {"role": "user","content": synthetic_data_prompt, } ], tools=[ {"type": "function","function": {"name": "generate_questions","description": "Generate SQL queries that would be interesting to ask about this table.","parameters": Questions.model_json_schema(), }, } ], tool_choice={"type": "function", "function": {"name": "generate_questions"}},)generated_questions = json.loads(response.choices[0].message.tool_calls[0].function.arguments)["questions"]generated_questions[0]
generated_dataset = []for q in generated_questions:try: result =execute_query(q["sql"]) generated_dataset.append( {"input": q["question"],"expected": {"results": result,"error": None,"query": q["sql"], },"metadata": {"category": "Generated", }, } )except duckdb.Error as e:print(f"Query failed: {q['sql']}", e)print("Skipping...")generated_dataset[0]
Awesome, let's crate a dataset with the new synthetic data.
synthetic_dataset = px.Client().upload_dataset( dataset_name="nba-golden-synthetic", inputs=[{"question": example["input"]} for example in generated_dataset], outputs=[example["expected"] for example in generated_dataset],);
Amazing! Now we have a rich dataset to work with and some failures to debug. From here, you could try to investigate whether some of the generated data needs improvement, or try tweaking the prompt to improve accuracy, or maybe even something more adventurous, like feed the errors back to the model and have it iterate on a better query. Most importantly, we have a good workflow in place to iterate on both the application and dataset.
Trying a smaller model
Just for fun, let's wrap things up by trying out GPT-3.5-turbo. All we need to do is switch the model name, and run our Eval() function again.
Interesting! It looks like the smaller model is able to do decently well but we might want to ensure it follows instructions as well as a larger model. We can actually grab all the LLM spans from our previous GPT40 runs and use them to generate a OpenAI fine-tuning JSONL file!
Conclusion
In this example, we walked through the process of building a dataset for a text2sql application. We started with a few handwritten examples, and iterated on the dataset by using an LLM to generate more examples. We used the eval framework to track our progress, and iterated on the model and dataset to improve the results. Finally, we tried out a less powerful model to see if we could save cost or improve latency.