Response Models¶
Response Models in Mirascope provide a powerful way to structure and validate the output from Large Language Models (LLMs). By leveraging Pydantic's BaseModel
, Response Models offer type safety, automatic validation, and easier data manipulation for your LLM responses. While we cover some details in this documentation, we highly recommend reading through Pydantic's documentation for a deeper, comprehensive dive into everything you can do with Pydantic's BaseModel
.
Why Use Response Models?¶
- Structured Output: Define exactly what you expect from the LLM, ensuring consistency in responses.
- Automatic Validation: Pydantic handles type checking and validation, reducing errors in your application.
- Improved Type Hinting: Better IDE support and clearer code structure.
- Easier Data Manipulation: Work with Python objects instead of raw strings or dictionaries.
Basic Usage and Syntax¶
Let's take a look at a basic example using Mirascope vs. official provider SDKs:
Mirascope
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
Official SDK
from openai import OpenAI
from pydantic import BaseModel
client = OpenAI()
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
completion = client.chat.completions.create(
model="gpt-4o-mini",
messages=[{"role": "user", "content": f"Extract {text}"}],
tools=[
{
"function": {
"name": "Book",
"description": "An extracted book.",
"parameters": {
"properties": {
"title": {"type": "string"},
"author": {"type": "string"},
},
"required": ["title", "author"],
"type": "object",
},
},
"type": "function",
}
],
tool_choice="required",
)
if tool_calls := completion.choices[0].message.tool_calls:
return Book.model_validate_json(tool_calls[0].function.arguments)
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from anthropic import Anthropic
from pydantic import BaseModel
client = Anthropic()
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
message = client.messages.create(
model="claude-3-5-sonnet-latest",
max_tokens=1024,
messages=[{"role": "user", "content": f"Extract {text}"}],
tools=[
{
"name": "Book",
"description": "An extracted book.",
"input_schema": {
"properties": {
"title": {"type": "string"},
"author": {"type": "string"},
},
"required": ["title", "author"],
"type": "object",
},
}
],
tool_choice={"type": "tool", "name": "Book"},
)
for block in message.content:
if block.type == "tool_use" and block.input is not None:
return Book.model_validate(block.input)
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
import os
from typing import cast
from mistralai import Mistral
from pydantic import BaseModel
client = Mistral(api_key=os.environ["MISTRAL_API_KEY"])
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
completion = client.chat.complete(
model="mistral-large-latest",
messages=[{"role": "user", "content": f"Extract {text}"}],
tools=[
{
"function": {
"name": "Book",
"description": "An extracted book.",
"parameters": {
"properties": {
"title": {"type": "string"},
"author": {"type": "string"},
},
"required": ["title", "author"],
"type": "object",
},
},
"type": "function",
}
],
tool_choice="any",
)
if (
completion
and (choices := completion.choices)
and (tool_calls := choices[0].message.tool_calls)
):
return Book.model_validate_json(cast(str, tool_calls[0].function.arguments))
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from google.genai import Client
from google.genai.types import FunctionDeclaration, Tool
from proto.marshal.collections import RepeatedComposite
from pydantic import BaseModel
client = Client()
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
response = client.models.generate_content(
model="gemini-2.0-flash",
contents={"parts": [{"text": f"Extract {text}"}]},
config={
"tools": [
Tool(
function_declarations=[
FunctionDeclaration(
**{
"name": "Book",
"description": "An extracted book.",
"parameters": {
"properties": {
"title": {"type": "string"},
"author": {"type": "string"},
},
"required": ["title", "author"],
"type": "object",
},
}
)
]
)
],
"tool_config": {
"function_calling_config": {
"mode": "any",
"allowed_function_names": ["Book"],
}
}, # pyright: ignore [reportArgumentType]
},
)
if tool_calls := [
function_call
for function_call in (response.function_calls or [])
if function_call.args
]:
return Book.model_validate(
{
k: v if not isinstance(v, RepeatedComposite) else list(v)
for k, v in (tool_calls[0].args or {}).items()
}
)
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from groq import Groq
from pydantic import BaseModel
client = Groq()
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
completion = client.chat.completions.create(
model="llama-3.1-70b-versatile",
messages=[{"role": "user", "content": f"Extract {text}"}],
tools=[
{
"function": {
"name": "Book",
"description": "An extracted book.",
"parameters": {
"properties": {
"title": {"type": "string"},
"author": {"type": "string"},
},
"required": ["title", "author"],
"type": "object",
},
},
"type": "function",
}
],
tool_choice="required",
)
if tool_calls := completion.choices[0].message.tool_calls:
return Book.model_validate_json(tool_calls[0].function.arguments)
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from cohere import Client
from cohere.types import Tool, ToolParameterDefinitionsValue
from pydantic import BaseModel
client = Client()
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
response = client.chat(
model="command-r-plus",
message=f"Extract {text}",
tools=[
Tool(
name="Book",
description="An extracted book.",
parameter_definitions={
"title": ToolParameterDefinitionsValue(
description=None, type="string", required=True
),
"author": ToolParameterDefinitionsValue(
description=None, type="string", required=True
),
},
)
],
)
if response.tool_calls:
return Book.model_validate(response.tool_calls[0].parameters)
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from litellm import completion
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
response = completion(
model="gpt-4o-mini",
messages=[{"role": "user", "content": f"Extract {text}"}],
tools=[
{
"function": {
"name": "Book",
"description": "An extracted book.",
"parameters": {
"properties": {
"title": {"type": "string"},
"author": {"type": "string"},
},
"required": ["title", "author"],
"type": "object",
},
},
"type": "function",
}
],
tool_choice="required",
)
if tool_calls := response.choices[0].message.tool_calls: # pyright: ignore [reportAttributeAccessIssue]
return Book.model_validate_json(tool_calls[0].function.arguments)
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from azure.ai.inference import ChatCompletionsClient
from azure.ai.inference.models import (
ChatCompletionsToolDefinition,
ChatRequestMessage,
FunctionDefinition,
)
from azure.core.credentials import AzureKeyCredential
from pydantic import BaseModel
client = ChatCompletionsClient(
endpoint="YOUR_ENDPOINT", credential=AzureKeyCredential("YOUR_KEY")
)
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
completion = client.complete(
model="gpt-4o-mini",
messages=[ChatRequestMessage({"role": "user", "content": f"Extract {text}"})],
tools=[
ChatCompletionsToolDefinition(
function=FunctionDefinition(
name="Book",
description="An extracted book.",
parameters={
"properties": {
"title": {"type": "string"},
"author": {"type": "string"},
},
"required": ["title", "author"],
"type": "object",
},
)
)
],
tool_choices="required",
)
if tool_calls := completion.choices[0].message.tool_calls:
return Book.model_validate_json(tool_calls[0].function.arguments)
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
import boto3
from pydantic import BaseModel
bedrock_client = boto3.client(service_name="bedrock-runtime")
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
def extract_book(text: str) -> Book:
messages = [{"role": "user", "content": [{"text": f"Extract {text}"}]}]
tool_config = {
"tools": [
{
"toolSpec": {
"name": "Book",
"description": "An extracted book.",
"inputSchema": {
"json": {
"type": "object",
"properties": {
"title": {"type": "string"},
"author": {"type": "string"},
},
"required": ["title", "author"],
}
},
}
}
],
"toolChoice": {"type": "tool", "name": "Book"},
}
response = bedrock_client.converse(
modelId="amazon.nova-lite-v1:0",
messages=messages,
toolConfig=tool_config,
)
output_message = response["output"]["message"]
messages.append(output_message)
for content_piece in output_message["content"]:
if "toolUse" in content_piece and content_piece["toolUse"].get("input"):
tool_input = content_piece["toolUse"]["input"]
return Book.model_validate(tool_input)
raise ValueError("No tool call found")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
Notice how Mirascope makes generating structured outputs significantly simpler than the official SDKs. It also greatly reduces boilerplate and standardizes the interaction across all supported LLM providers.
Tools By Default
By default, response_model
will use Tools under the hood, forcing to the LLM to call that specific tool and constructing the response model from the tool's arguments.
We default to using tools because all supported providers support tools. You can also optionally set json_mode=True
to use JSON Mode instead, which we cover in more detail below.
Accessing Original Call Response¶
Every response_model
that uses a Pydantic BaseModel
will automatically have the original BaseCallResponse
instance accessible through the _response
property:
Mirascope
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import cast
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
response = cast(llm.CallResponse, book._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
Built-In Types¶
For cases where you want to extract just a single built-in type, Mirascope provides a shorthand:
from mirascope import llm
@llm.call(provider="openai", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm
@llm.call(provider="mistral", model="mistral-large-latest", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm
@llm.call(provider="google", model="gemini-2.0-flash", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm
@llm.call(provider="cohere", model="command-r-plus", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm
@llm.call(provider="azure", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=list[str])
def extract_book(texts: list[str]) -> str:
return f"Extract book titles from {texts}"
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="openai", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="mistral", model="mistral-large-latest", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="google", model="gemini-2.0-flash", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="cohere", model="command-r-plus", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="azure", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import Messages, llm
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=list[str])
def extract_book(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract book titles from {texts}")
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="openai", model="gpt-4o-mini", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="mistral", model="mistral-large-latest", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="google", model="gemini-2.0-flash", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="cohere", model="command-r-plus", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="azure", model="gpt-4o-mini", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import llm, prompt_template
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=list[str])
@prompt_template("Extract book titles from {texts}")
def extract_book(texts: list[str]): ...
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="openai", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="mistral", model="mistral-large-latest", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="google", model="gemini-2.0-flash", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="cohere", model="command-r-plus", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="azure", model="gpt-4o-mini", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
from mirascope import BaseMessageParam, llm
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=list[str])
def extract_book(texts: list[str]) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract book titles from {texts}")]
book = extract_book(
[
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
)
print(book)
# Output: ["The Name of the Wind", "Mistborn: The Final Empire"]
Here, we are using list[str]
as the response_model
, which Mirascope handles without needing to define a full BaseModel
. You could of course set response_model=list[Book]
as well.
Note that we have no way of attaching BaseCallResponse
to built-in types, so using a Pydantic BaseModel
is recommended if you anticipate needing access to the original call response.
Supported Field Types¶
While Mirascope provides a consistent interface, type support varies among providers:
Type | Anthropic | Cohere | Gemini | Groq | Mistral | OpenAI |
---|---|---|---|---|---|---|
str | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ |
int | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ |
float | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ |
bool | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ |
bytes | ✓✓ | ✓✓ | -✓ | ✓✓ | ✓✓ | ✓✓ |
list | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ |
set | ✓✓ | ✓✓ | -- | ✓✓ | ✓✓ | ✓✓ |
tuple | ✓✓ | ✓✓ | -✓ | ✓✓ | ✓✓ | -✓ |
dict | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ | -✓ |
Literal/Enum | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ |
BaseModel | ✓✓ | -✓ | ✓✓ | ✓✓ | ✓✓ | ✓✓ |
Nested ($def) | ✓✓ | -- | -- | ✓✓ | ✓✓ | ✓✓ |
✓✓ : Fully Supported, -✓: Only JSON Mode Support, -- : Not supported
Validation and Error Handling¶
While response_model
significantly improves output structure and validation, it's important to handle potential errors.
Let's take a look at an example where we want to validate that all fields are uppercase:
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
print(f"Error: {str(e)}")
# Error: 2 validation errors for Book
# title
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='The Name of the Wind', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
# author
# Assertion failed, Field must be uppercase [type=assertion_error, input_value='Patrick Rothfuss', input_type=str]
# For further information visit https://errors.pydantic.dev/2.7/v/assertion_error
Without additional prompt engineering, this call will fail every single time. It's important to engineer your prompts to reduce errors, but LLMs are far from perfect, so always remember to catch and handle validation errors gracefully.
We highly recommend taking a look at our section on retries to learn more about automatically retrying and re-inserting validation errors, which enables retrying the call such that the LLM can learn from its previous mistakes.
Accessing Original Call Response On Error¶
In case of a ValidationError
, you can access the original response for debugging:
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> str:
return f"Extract {text}"
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import Messages, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import llm, prompt_template
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="cohere", model="command-r-plus", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
from typing import Annotated, cast
from mirascope import BaseMessageParam, llm
from pydantic import AfterValidator, BaseModel, ValidationError
def validate_upper(v: str) -> str:
assert v.isupper(), "Field must be uppercase"
return v
class Book(BaseModel):
"""An extracted book."""
title: Annotated[str, AfterValidator(validate_upper)]
author: Annotated[str, AfterValidator(validate_upper)]
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
try:
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
except ValidationError as e:
response = cast(llm.CallResponse, e._response) # pyright: ignore[reportAttributeAccessIssue]
print(response.model_dump())
# > {'metadata': {}, 'response': {'id': ...}, ...}
This allows you to gracefully handle errors as well as inspect the original LLM response when validation fails.
JSON Mode¶
By default, response_model
uses Tools under the hood. You can instead use JSON Mode in conjunction with response_model
by setting json_mode=True
:
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, json_mode=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
"""An extracted book."""
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book = extract_book("The Name of the Wind by Patrick Rothfuss")
print(book)
# Output: title='The Name of the Wind' author='Patrick Rothfuss'
Few-Shot Examples¶
Adding few-shot examples to your response model can improve results by demonstrating exactly how to adhere to your desired output.
We take advantage of Pydantic's Field
and ConfigDict
to add these examples to response models:
from mirascope import llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}. Match example format EXCLUDING 'examples' key."
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}. Match example format EXCLUDING 'examples' key."
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}. Match example format EXCLUDING 'examples' key."
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}. Match example format EXCLUDING 'examples' key."
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}. Match example format EXCLUDING 'examples' key."
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}. Match example format EXCLUDING 'examples' key."
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}. Match example format EXCLUDING 'examples' key."
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, json_mode=True)
def extract_book(text: str) -> str:
return f"Extract {text}. Match example format EXCLUDING 'examples' key."
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import Messages, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(
f"Extract {text}. Match example format EXCLUDING 'examples' key."
)
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import Messages, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(
f"Extract {text}. Match example format EXCLUDING 'examples' key."
)
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import Messages, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(
f"Extract {text}. Match example format EXCLUDING 'examples' key."
)
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import Messages, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(
f"Extract {text}. Match example format EXCLUDING 'examples' key."
)
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import Messages, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(
f"Extract {text}. Match example format EXCLUDING 'examples' key."
)
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import Messages, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(
f"Extract {text}. Match example format EXCLUDING 'examples' key."
)
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import Messages, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(
f"Extract {text}. Match example format EXCLUDING 'examples' key."
)
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import Messages, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, json_mode=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(
f"Extract {text}. Match example format EXCLUDING 'examples' key."
)
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm, prompt_template
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, json_mode=True)
@prompt_template("Extract {text}. Match example format EXCLUDING 'examples' key.")
def extract_book(text: str): ...
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm, prompt_template
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, json_mode=True)
@prompt_template("Extract {text}. Match example format EXCLUDING 'examples' key.")
def extract_book(text: str): ...
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm, prompt_template
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, json_mode=True)
@prompt_template("Extract {text}. Match example format EXCLUDING 'examples' key.")
def extract_book(text: str): ...
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm, prompt_template
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, json_mode=True)
@prompt_template("Extract {text}. Match example format EXCLUDING 'examples' key.")
def extract_book(text: str): ...
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm, prompt_template
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, json_mode=True)
@prompt_template("Extract {text}. Match example format EXCLUDING 'examples' key.")
def extract_book(text: str): ...
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm, prompt_template
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, json_mode=True)
@prompt_template("Extract {text}. Match example format EXCLUDING 'examples' key.")
def extract_book(text: str): ...
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm, prompt_template
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, json_mode=True)
@prompt_template("Extract {text}. Match example format EXCLUDING 'examples' key.")
def extract_book(text: str): ...
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import llm, prompt_template
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, json_mode=True)
@prompt_template("Extract {text}. Match example format EXCLUDING 'examples' key.")
def extract_book(text: str): ...
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user",
content=f"Extract {text}. Match example format EXCLUDING 'examples' key.",
)
]
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user",
content=f"Extract {text}. Match example format EXCLUDING 'examples' key.",
)
]
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user",
content=f"Extract {text}. Match example format EXCLUDING 'examples' key.",
)
]
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user",
content=f"Extract {text}. Match example format EXCLUDING 'examples' key.",
)
]
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user",
content=f"Extract {text}. Match example format EXCLUDING 'examples' key.",
)
]
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user",
content=f"Extract {text}. Match example format EXCLUDING 'examples' key.",
)
]
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user",
content=f"Extract {text}. Match example format EXCLUDING 'examples' key.",
)
]
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel, ConfigDict, Field
class Book(BaseModel):
title: str = Field(..., examples=["THE NAME OF THE WIND"])
author: str = Field(..., examples=["Rothfuss, Patrick"])
model_config = ConfigDict(
json_schema_extra={
"examples": [
{"title": "THE NAME OF THE WIND", "author": "Rothfuss, Patrick"}
]
}
)
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, json_mode=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user",
content=f"Extract {text}. Match example format EXCLUDING 'examples' key.",
)
]
book = extract_book("The Way of Kings by Brandon Sanderson")
print(book)
# Output: title='THE WAY OF KINGS' author='Sanderson, Brandon'
Streaming Response Models¶
If you set stream=True
when response_model
is set, your LLM call will return an Iterable
where each item will be a partial version of your response model representing the current state of the streamed information. The final model returned by the iterator will be the full response model.
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, stream=True)
def extract_book(text: str) -> str:
return f"Extract {text}"
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import Messages, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, stream=True)
def extract_book(text: str) -> Messages.Type:
return Messages.User(f"Extract {text}")
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import llm, prompt_template
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, stream=True)
@prompt_template("Extract {text}")
def extract_book(text: str): ...
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="cohere", model="command-r-plus", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
from mirascope import BaseMessageParam, llm
from pydantic import BaseModel
class Book(BaseModel):
title: str
author: str
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Book, stream=True)
def extract_book(text: str) -> list[BaseMessageParam]:
return [BaseMessageParam(role="user", content=f"Extract {text}")]
book_stream = extract_book("The Name of the Wind by Patrick Rothfuss")
for partial_book in book_stream:
print(partial_book)
# Output:
# title=None author=None
# title='' author=None
# title='The' author=None
# title='The Name' author=None
# title='The Name of' author=None
# title='The Name of the' author=None
# title='The Name of the Wind' author=None
# title='The Name of the Wind' author=''
# title='The Name of the Wind' author='Patrick'
# title='The Name of the Wind' author='Patrick Roth'
# title='The Name of the Wind' author='Patrick Rothf'
# title='The Name of the Wind' author='Patrick Rothfuss'
Once exhausted, you can access the final, full response model through the constructed_response_model
property of the structured stream. Note that this will also give you access to the ._response
property that every BaseModel
receives.
You can also use the stream
property to access the BaseStream
instance and all of it's properties.
FromCallArgs¶
Fields annotated with FromCallArgs
will be populated with the corresponding argument from the function call rather than expecting it from the LLM's response. This enables seamless validation of LLM outputs against function inputs:
Mirascope
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="cohere", model="command-r-plus", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Books)
def extract_books(texts: list[str]) -> str:
return f"Extract the books from these texts: {texts}"
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="cohere", model="command-r-plus", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import Messages, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Books)
def extract_books(texts: list[str]) -> Messages.Type:
return Messages.User(f"Extract the books from these texts: {texts}")
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="cohere", model="command-r-plus", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import llm, prompt_template
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Books)
@prompt_template("Extract the books from these texts: {texts}")
def extract_books(texts: list[str]): ...
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="openai", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="anthropic", model="claude-3-5-sonnet-latest", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="mistral", model="mistral-large-latest", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="google", model="gemini-2.0-flash", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="groq", model="llama-3.1-70b-versatile", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="cohere", model="command-r-plus", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="litellm", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="azure", model="gpt-4o-mini", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
from typing import Annotated
from mirascope import BaseMessageParam, llm
from mirascope.core import FromCallArgs
from pydantic import BaseModel, model_validator
from typing_extensions import Self
class Book(BaseModel):
title: str
author: str
class Books(BaseModel):
texts: Annotated[list[str], FromCallArgs()]
books: list[Book]
@model_validator(mode="after")
def validate_output_length(self) -> Self:
if len(self.texts) != len(self.books):
raise ValueError("length mismatch...")
return self
@llm.call(provider="bedrock", model="amazon.nova-lite-v1:0", response_model=Books)
def extract_books(texts: list[str]) -> list[BaseMessageParam]:
return [
BaseMessageParam(
role="user", content=f"Extract the books from these texts: {texts}"
)
]
texts = [
"The Name of the Wind by Patrick Rothfuss",
"Mistborn: The Final Empire by Brandon Sanderson",
]
print(extract_books(texts))
# Output:
# texts=[
# 'The Name of the Wind by Patrick Rothfuss',
# 'Mistborn: The Final Empire by Brandon Sanderson'
# ]
# books=[
# Book(title='The Name of the Wind', author='Patrick Rothfuss'),
# Book(title='Mistborn: The Final Empire', author='Brandon Sanderson')
# ]
Next Steps¶
By following these best practices and leveraging Response Models effectively, you can create more robust, type-safe, and maintainable LLM-powered applications with Mirascope.
Next, we recommend taking a lookg at one of: