mirror of
https://github.com/meta-llama/llama-stack.git
synced 2025-12-03 01:48:05 +00:00
Merge 5ec6f5dcff into 4237eb4aaa
This commit is contained in:
commit
5bd80a693c
18 changed files with 7531 additions and 14 deletions
|
|
@ -18,6 +18,7 @@ from llama_stack.core.storage.datatypes import (
|
||||||
StorageConfig,
|
StorageConfig,
|
||||||
)
|
)
|
||||||
from llama_stack.log import LoggingConfig
|
from llama_stack.log import LoggingConfig
|
||||||
|
from llama_stack.providers.utils.memory.constants import DEFAULT_QUERY_REWRITE_PROMPT
|
||||||
from llama_stack_api import (
|
from llama_stack_api import (
|
||||||
Api,
|
Api,
|
||||||
Benchmark,
|
Benchmark,
|
||||||
|
|
@ -349,6 +350,27 @@ class QualifiedModel(BaseModel):
|
||||||
model_id: str
|
model_id: str
|
||||||
|
|
||||||
|
|
||||||
|
class RewriteQueryParams(BaseModel):
|
||||||
|
"""Parameters for query rewriting/expansion."""
|
||||||
|
|
||||||
|
model: QualifiedModel | None = Field(
|
||||||
|
default=None,
|
||||||
|
description="LLM model for query rewriting/expansion in vector search.",
|
||||||
|
)
|
||||||
|
prompt: str = Field(
|
||||||
|
default=DEFAULT_QUERY_REWRITE_PROMPT,
|
||||||
|
description="Prompt template for query rewriting. Use {query} as placeholder for the original query.",
|
||||||
|
)
|
||||||
|
max_tokens: int = Field(
|
||||||
|
default=100,
|
||||||
|
description="Maximum number of tokens for query expansion responses.",
|
||||||
|
)
|
||||||
|
temperature: float = Field(
|
||||||
|
default=0.3,
|
||||||
|
description="Temperature for query expansion model (0.0 = deterministic, 1.0 = creative).",
|
||||||
|
)
|
||||||
|
|
||||||
|
|
||||||
class VectorStoresConfig(BaseModel):
|
class VectorStoresConfig(BaseModel):
|
||||||
"""Configuration for vector stores in the stack."""
|
"""Configuration for vector stores in the stack."""
|
||||||
|
|
||||||
|
|
@ -360,6 +382,10 @@ class VectorStoresConfig(BaseModel):
|
||||||
default=None,
|
default=None,
|
||||||
description="Default embedding model configuration for vector stores.",
|
description="Default embedding model configuration for vector stores.",
|
||||||
)
|
)
|
||||||
|
rewrite_query_params: RewriteQueryParams | None = Field(
|
||||||
|
default=None,
|
||||||
|
description="Parameters for query rewriting/expansion. None disables query rewriting.",
|
||||||
|
)
|
||||||
|
|
||||||
|
|
||||||
class SafetyConfig(BaseModel):
|
class SafetyConfig(BaseModel):
|
||||||
|
|
|
||||||
|
|
@ -14,7 +14,7 @@ from typing import Any
|
||||||
import yaml
|
import yaml
|
||||||
|
|
||||||
from llama_stack.core.conversations.conversations import ConversationServiceConfig, ConversationServiceImpl
|
from llama_stack.core.conversations.conversations import ConversationServiceConfig, ConversationServiceImpl
|
||||||
from llama_stack.core.datatypes import Provider, SafetyConfig, StackRunConfig, VectorStoresConfig
|
from llama_stack.core.datatypes import Provider, QualifiedModel, SafetyConfig, StackRunConfig, VectorStoresConfig
|
||||||
from llama_stack.core.distribution import get_provider_registry
|
from llama_stack.core.distribution import get_provider_registry
|
||||||
from llama_stack.core.inspect import DistributionInspectConfig, DistributionInspectImpl
|
from llama_stack.core.inspect import DistributionInspectConfig, DistributionInspectImpl
|
||||||
from llama_stack.core.prompts.prompts import PromptServiceConfig, PromptServiceImpl
|
from llama_stack.core.prompts.prompts import PromptServiceConfig, PromptServiceImpl
|
||||||
|
|
@ -144,35 +144,68 @@ async def validate_vector_stores_config(vector_stores_config: VectorStoresConfig
|
||||||
if vector_stores_config is None:
|
if vector_stores_config is None:
|
||||||
return
|
return
|
||||||
|
|
||||||
default_embedding_model = vector_stores_config.default_embedding_model
|
# Validate default embedding model
|
||||||
if default_embedding_model is None:
|
if vector_stores_config.default_embedding_model is not None:
|
||||||
return
|
await _validate_embedding_model(vector_stores_config.default_embedding_model, impls)
|
||||||
|
|
||||||
provider_id = default_embedding_model.provider_id
|
# Validate default rewrite query model
|
||||||
model_id = default_embedding_model.model_id
|
if vector_stores_config.rewrite_query_params and vector_stores_config.rewrite_query_params.model:
|
||||||
default_model_id = f"{provider_id}/{model_id}"
|
await _validate_rewrite_query_model(vector_stores_config.rewrite_query_params.model, impls)
|
||||||
|
|
||||||
|
|
||||||
|
async def _validate_embedding_model(embedding_model: QualifiedModel, impls: dict[Api, Any]) -> None:
|
||||||
|
"""Validate that an embedding model exists and has required metadata."""
|
||||||
|
provider_id = embedding_model.provider_id
|
||||||
|
model_id = embedding_model.model_id
|
||||||
|
model_identifier = f"{provider_id}/{model_id}"
|
||||||
|
|
||||||
if Api.models not in impls:
|
if Api.models not in impls:
|
||||||
raise ValueError(f"Models API is not available but vector_stores config requires model '{default_model_id}'")
|
raise ValueError(f"Models API is not available but vector_stores config requires model '{model_identifier}'")
|
||||||
|
|
||||||
models_impl = impls[Api.models]
|
models_impl = impls[Api.models]
|
||||||
response = await models_impl.list_models()
|
response = await models_impl.list_models()
|
||||||
models_list = {m.identifier: m for m in response.data if m.model_type == "embedding"}
|
models_list = {m.identifier: m for m in response.data if m.model_type == "embedding"}
|
||||||
|
|
||||||
default_model = models_list.get(default_model_id)
|
model = models_list.get(model_identifier)
|
||||||
if default_model is None:
|
if model is None:
|
||||||
raise ValueError(f"Embedding model '{default_model_id}' not found. Available embedding models: {models_list}")
|
raise ValueError(
|
||||||
|
f"Embedding model '{model_identifier}' not found. Available embedding models: {list(models_list.keys())}"
|
||||||
|
)
|
||||||
|
|
||||||
embedding_dimension = default_model.metadata.get("embedding_dimension")
|
embedding_dimension = model.metadata.get("embedding_dimension")
|
||||||
if embedding_dimension is None:
|
if embedding_dimension is None:
|
||||||
raise ValueError(f"Embedding model '{default_model_id}' is missing 'embedding_dimension' in metadata")
|
raise ValueError(f"Embedding model '{model_identifier}' is missing 'embedding_dimension' in metadata")
|
||||||
|
|
||||||
try:
|
try:
|
||||||
int(embedding_dimension)
|
int(embedding_dimension)
|
||||||
except ValueError as err:
|
except ValueError as err:
|
||||||
raise ValueError(f"Embedding dimension '{embedding_dimension}' cannot be converted to an integer") from err
|
raise ValueError(f"Embedding dimension '{embedding_dimension}' cannot be converted to an integer") from err
|
||||||
|
|
||||||
logger.debug(f"Validated default embedding model: {default_model_id} (dimension: {embedding_dimension})")
|
logger.debug(f"Validated embedding model: {model_identifier} (dimension: {embedding_dimension})")
|
||||||
|
|
||||||
|
|
||||||
|
async def _validate_rewrite_query_model(rewrite_query_model: QualifiedModel, impls: dict[Api, Any]) -> None:
|
||||||
|
"""Validate that a rewrite query model exists and is accessible."""
|
||||||
|
provider_id = rewrite_query_model.provider_id
|
||||||
|
model_id = rewrite_query_model.model_id
|
||||||
|
model_identifier = f"{provider_id}/{model_id}"
|
||||||
|
|
||||||
|
if Api.models not in impls:
|
||||||
|
raise ValueError(
|
||||||
|
f"Models API is not available but vector_stores config requires rewrite query model '{model_identifier}'"
|
||||||
|
)
|
||||||
|
|
||||||
|
models_impl = impls[Api.models]
|
||||||
|
response = await models_impl.list_models()
|
||||||
|
llm_models_list = {m.identifier: m for m in response.data if m.model_type == "llm"}
|
||||||
|
|
||||||
|
model = llm_models_list.get(model_identifier)
|
||||||
|
if model is None:
|
||||||
|
raise ValueError(
|
||||||
|
f"Rewrite query model '{model_identifier}' not found. Available LLM models: {list(llm_models_list.keys())}"
|
||||||
|
)
|
||||||
|
|
||||||
|
logger.debug(f"Validated rewrite query model: {model_identifier}")
|
||||||
|
|
||||||
|
|
||||||
async def validate_safety_config(safety_config: SafetyConfig | None, impls: dict[Api, Any]):
|
async def validate_safety_config(safety_config: SafetyConfig | None, impls: dict[Api, Any]):
|
||||||
|
|
@ -437,6 +470,12 @@ class Stack:
|
||||||
await refresh_registry_once(impls)
|
await refresh_registry_once(impls)
|
||||||
await validate_vector_stores_config(self.run_config.vector_stores, impls)
|
await validate_vector_stores_config(self.run_config.vector_stores, impls)
|
||||||
await validate_safety_config(self.run_config.safety, impls)
|
await validate_safety_config(self.run_config.safety, impls)
|
||||||
|
|
||||||
|
# Set global query expansion configuration from stack config
|
||||||
|
from llama_stack.providers.utils.memory.rewrite_query_config import set_default_rewrite_query_config
|
||||||
|
|
||||||
|
set_default_rewrite_query_config(self.run_config.vector_stores)
|
||||||
|
|
||||||
self.impls = impls
|
self.impls = impls
|
||||||
|
|
||||||
def create_registry_refresh_task(self):
|
def create_registry_refresh_task(self):
|
||||||
|
|
|
||||||
|
|
@ -3,3 +3,7 @@
|
||||||
#
|
#
|
||||||
# This source code is licensed under the terms described in the LICENSE file in
|
# This source code is licensed under the terms described in the LICENSE file in
|
||||||
# the root directory of this source tree.
|
# the root directory of this source tree.
|
||||||
|
|
||||||
|
from .constants import DEFAULT_QUERY_REWRITE_PROMPT
|
||||||
|
|
||||||
|
__all__ = ["DEFAULT_QUERY_REWRITE_PROMPT"]
|
||||||
|
|
|
||||||
8
src/llama_stack/providers/utils/memory/constants.py
Normal file
8
src/llama_stack/providers/utils/memory/constants.py
Normal file
|
|
@ -0,0 +1,8 @@
|
||||||
|
# Copyright (c) Meta Platforms, Inc. and affiliates.
|
||||||
|
# All rights reserved.
|
||||||
|
#
|
||||||
|
# This source code is licensed under the terms described in the LICENSE file in
|
||||||
|
# the root directory of this source tree.
|
||||||
|
|
||||||
|
# Default prompt template for query rewriting in vector search
|
||||||
|
DEFAULT_QUERY_REWRITE_PROMPT = "Expand this query with relevant synonyms and related terms. Return only the improved query, no explanations:\n\n{query}\n\nImproved query:"
|
||||||
|
|
@ -607,11 +607,14 @@ class OpenAIVectorStoreMixin(ABC):
|
||||||
if ranking_options and ranking_options.score_threshold is not None
|
if ranking_options and ranking_options.score_threshold is not None
|
||||||
else 0.0
|
else 0.0
|
||||||
)
|
)
|
||||||
|
|
||||||
params = {
|
params = {
|
||||||
"max_chunks": max_num_results * CHUNK_MULTIPLIER,
|
"max_chunks": max_num_results * CHUNK_MULTIPLIER,
|
||||||
"score_threshold": score_threshold,
|
"score_threshold": score_threshold,
|
||||||
"mode": search_mode,
|
"mode": search_mode,
|
||||||
|
"rewrite_query": rewrite_query,
|
||||||
}
|
}
|
||||||
|
|
||||||
# TODO: Add support for ranking_options.ranker
|
# TODO: Add support for ranking_options.ranker
|
||||||
|
|
||||||
response = await self.query_chunks(
|
response = await self.query_chunks(
|
||||||
|
|
|
||||||
|
|
@ -0,0 +1,38 @@
|
||||||
|
# Copyright (c) Meta Platforms, Inc. and affiliates.
|
||||||
|
# All rights reserved.
|
||||||
|
#
|
||||||
|
# This source code is licensed under the terms described in the LICENSE file in
|
||||||
|
# the root directory of this source tree.
|
||||||
|
|
||||||
|
from llama_stack.core.datatypes import QualifiedModel, VectorStoresConfig
|
||||||
|
from llama_stack.providers.utils.memory.constants import DEFAULT_QUERY_REWRITE_PROMPT
|
||||||
|
|
||||||
|
# Global configuration for query rewriting - set during stack startup
|
||||||
|
_DEFAULT_REWRITE_QUERY_MODEL: QualifiedModel | None = None
|
||||||
|
_DEFAULT_REWRITE_QUERY_MAX_TOKENS: int = 100
|
||||||
|
_DEFAULT_REWRITE_QUERY_TEMPERATURE: float = 0.3
|
||||||
|
_REWRITE_QUERY_PROMPT_OVERRIDE: str | None = None
|
||||||
|
|
||||||
|
|
||||||
|
def set_default_rewrite_query_config(vector_stores_config: VectorStoresConfig | None):
|
||||||
|
"""Set the global default query rewriting configuration from stack config."""
|
||||||
|
global \
|
||||||
|
_DEFAULT_REWRITE_QUERY_MODEL, \
|
||||||
|
_REWRITE_QUERY_PROMPT_OVERRIDE, \
|
||||||
|
_DEFAULT_REWRITE_QUERY_MAX_TOKENS, \
|
||||||
|
_DEFAULT_REWRITE_QUERY_TEMPERATURE
|
||||||
|
if vector_stores_config and vector_stores_config.rewrite_query_params:
|
||||||
|
params = vector_stores_config.rewrite_query_params
|
||||||
|
_DEFAULT_REWRITE_QUERY_MODEL = params.model
|
||||||
|
# Only set override if user provided a custom prompt different from default
|
||||||
|
if params.prompt != DEFAULT_QUERY_REWRITE_PROMPT:
|
||||||
|
_REWRITE_QUERY_PROMPT_OVERRIDE = params.prompt
|
||||||
|
else:
|
||||||
|
_REWRITE_QUERY_PROMPT_OVERRIDE = None
|
||||||
|
_DEFAULT_REWRITE_QUERY_MAX_TOKENS = params.max_tokens
|
||||||
|
_DEFAULT_REWRITE_QUERY_TEMPERATURE = params.temperature
|
||||||
|
else:
|
||||||
|
_DEFAULT_REWRITE_QUERY_MODEL = None
|
||||||
|
_REWRITE_QUERY_PROMPT_OVERRIDE = None
|
||||||
|
_DEFAULT_REWRITE_QUERY_MAX_TOKENS = 100
|
||||||
|
_DEFAULT_REWRITE_QUERY_TEMPERATURE = 0.3
|
||||||
|
|
@ -29,6 +29,7 @@ from llama_stack_api import (
|
||||||
Chunk,
|
Chunk,
|
||||||
ChunkMetadata,
|
ChunkMetadata,
|
||||||
InterleavedContent,
|
InterleavedContent,
|
||||||
|
OpenAIChatCompletionRequestWithExtraBody,
|
||||||
OpenAIEmbeddingsRequestWithExtraBody,
|
OpenAIEmbeddingsRequestWithExtraBody,
|
||||||
QueryChunksResponse,
|
QueryChunksResponse,
|
||||||
RAGDocument,
|
RAGDocument,
|
||||||
|
|
@ -37,6 +38,9 @@ from llama_stack_api import (
|
||||||
|
|
||||||
log = get_logger(name=__name__, category="providers::utils")
|
log = get_logger(name=__name__, category="providers::utils")
|
||||||
|
|
||||||
|
from llama_stack.providers.utils.memory import rewrite_query_config
|
||||||
|
from llama_stack.providers.utils.memory.constants import DEFAULT_QUERY_REWRITE_PROMPT
|
||||||
|
|
||||||
|
|
||||||
class ChunkForDeletion(BaseModel):
|
class ChunkForDeletion(BaseModel):
|
||||||
"""Information needed to delete a chunk from a vector store.
|
"""Information needed to delete a chunk from a vector store.
|
||||||
|
|
@ -289,6 +293,40 @@ class VectorStoreWithIndex:
|
||||||
embeddings = np.array([c.embedding for c in chunks], dtype=np.float32)
|
embeddings = np.array([c.embedding for c in chunks], dtype=np.float32)
|
||||||
await self.index.add_chunks(chunks, embeddings)
|
await self.index.add_chunks(chunks, embeddings)
|
||||||
|
|
||||||
|
async def _rewrite_query_for_file_search(self, query: str) -> str:
|
||||||
|
"""Rewrite a search query using the globally configured LLM model for better retrieval results."""
|
||||||
|
if not rewrite_query_config._DEFAULT_REWRITE_QUERY_MODEL:
|
||||||
|
raise ValueError(
|
||||||
|
"Query rewriting requested but not configured. Please configure rewrite_query_params.model in vector_stores config."
|
||||||
|
)
|
||||||
|
|
||||||
|
model_id = f"{rewrite_query_config._DEFAULT_REWRITE_QUERY_MODEL.provider_id}/{rewrite_query_config._DEFAULT_REWRITE_QUERY_MODEL.model_id}"
|
||||||
|
|
||||||
|
# Use custom prompt from config if provided, otherwise use built-in default
|
||||||
|
# Users only need to configure the model - prompt is automatic with optional override
|
||||||
|
if rewrite_query_config._REWRITE_QUERY_PROMPT_OVERRIDE:
|
||||||
|
# Custom prompt from config - format if it contains {query} placeholder
|
||||||
|
prompt = (
|
||||||
|
rewrite_query_config._REWRITE_QUERY_PROMPT_OVERRIDE.format(query=query)
|
||||||
|
if "{query}" in rewrite_query_config._REWRITE_QUERY_PROMPT_OVERRIDE
|
||||||
|
else rewrite_query_config._REWRITE_QUERY_PROMPT_OVERRIDE
|
||||||
|
)
|
||||||
|
else:
|
||||||
|
# Use built-in default prompt and format with query
|
||||||
|
prompt = DEFAULT_QUERY_REWRITE_PROMPT.format(query=query)
|
||||||
|
|
||||||
|
request = OpenAIChatCompletionRequestWithExtraBody(
|
||||||
|
model=model_id,
|
||||||
|
messages=[{"role": "user", "content": prompt}],
|
||||||
|
max_tokens=rewrite_query_config._DEFAULT_REWRITE_QUERY_MAX_TOKENS,
|
||||||
|
temperature=rewrite_query_config._DEFAULT_REWRITE_QUERY_TEMPERATURE,
|
||||||
|
)
|
||||||
|
|
||||||
|
response = await self.inference_api.openai_chat_completion(request)
|
||||||
|
rewritten_query = response.choices[0].message.content.strip()
|
||||||
|
log.debug(f"Query rewritten: '{query}' → '{rewritten_query}'")
|
||||||
|
return rewritten_query
|
||||||
|
|
||||||
async def query_chunks(
|
async def query_chunks(
|
||||||
self,
|
self,
|
||||||
query: InterleavedContent,
|
query: InterleavedContent,
|
||||||
|
|
@ -296,6 +334,7 @@ class VectorStoreWithIndex:
|
||||||
) -> QueryChunksResponse:
|
) -> QueryChunksResponse:
|
||||||
if params is None:
|
if params is None:
|
||||||
params = {}
|
params = {}
|
||||||
|
|
||||||
k = params.get("max_chunks", 3)
|
k = params.get("max_chunks", 3)
|
||||||
mode = params.get("mode")
|
mode = params.get("mode")
|
||||||
score_threshold = params.get("score_threshold", 0.0)
|
score_threshold = params.get("score_threshold", 0.0)
|
||||||
|
|
@ -318,6 +357,11 @@ class VectorStoreWithIndex:
|
||||||
reranker_params = {"impact_factor": k_value}
|
reranker_params = {"impact_factor": k_value}
|
||||||
|
|
||||||
query_string = interleaved_content_as_str(query)
|
query_string = interleaved_content_as_str(query)
|
||||||
|
|
||||||
|
# Apply query rewriting if enabled and model is configured
|
||||||
|
if params.get("rewrite_query", False):
|
||||||
|
query_string = await self._rewrite_query_for_file_search(query_string)
|
||||||
|
|
||||||
if mode == "keyword":
|
if mode == "keyword":
|
||||||
return await self.index.query_keyword(query_string, k, score_threshold)
|
return await self.index.query_keyword(query_string, k, score_threshold)
|
||||||
|
|
||||||
|
|
|
||||||
|
|
@ -0,0 +1,647 @@
|
||||||
|
{
|
||||||
|
"test_id": null,
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://generativelanguage.googleapis.com/v1beta/openai/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-gecko-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding Gecko"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-03-25",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 03-25"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-05-20",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-06-17",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview 06-17"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-05-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 05-06"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-06-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp-image-generation",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash (Image Generation) Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-exp-1206",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Experimental 1206"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-01-21",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-1219",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/learnlm-2.0-flash-experimental",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "LearnLM 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-1b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 1B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-12b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 12B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-27b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 27B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e2b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E2B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-lite-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash-Lite Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-pro-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Pro Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-robotics-er-1.5-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Robotics-ER 1.5 Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-computer-use-preview-10-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Computer Use Preview 10-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/text-embedding-004",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Text Embedding 004"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp-03-07",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental 03-07"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/aqa",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Model that performs Attributed Question Answering."
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-2.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 2"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-fast-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-live-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-live-2.5-flash-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Live 2.5 Flash Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-live-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Live Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Preview 09-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/lyria-realtime-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Lyria Realtime Experimental"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -0,0 +1,989 @@
|
||||||
|
{
|
||||||
|
"test_id": "tests/integration/vector_io/test_openai_vector_stores.py::test_openai_vector_store_search_with_rewrite_query[client_with_models-emb=sentence-transformers/nomic-ai/nomic-embed-text-v1.5:dim=768-faiss]",
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://api.openai.com/v1/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-search-api",
|
||||||
|
"created": 1759514629,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-search-api-2025-10-14",
|
||||||
|
"created": 1760043960,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1",
|
||||||
|
"created": 1681940951,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "dall-e-2",
|
||||||
|
"created": 1698798177,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-1106",
|
||||||
|
"created": 1699053241,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo-2024-04-09",
|
||||||
|
"created": 1712601677,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio",
|
||||||
|
"created": 1756339249,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-tts",
|
||||||
|
"created": 1742403959,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo",
|
||||||
|
"created": 1712361441,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime",
|
||||||
|
"created": 1756271701,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-mini",
|
||||||
|
"created": 1744318173,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-2025-08-28",
|
||||||
|
"created": 1756271773,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-mini-2025-04-14",
|
||||||
|
"created": 1744317547,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-1106",
|
||||||
|
"created": 1698959748,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-0125-preview",
|
||||||
|
"created": 1706037612,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "davinci-002",
|
||||||
|
"created": 1692634301,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo-preview",
|
||||||
|
"created": 1706037777,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-0613",
|
||||||
|
"created": 1686588896,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "computer-use-preview-2025-03-11",
|
||||||
|
"created": 1741377021,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4",
|
||||||
|
"created": 1687882411,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1",
|
||||||
|
"created": 1744316542,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-2025-04-14",
|
||||||
|
"created": 1744315746,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "dall-e-3",
|
||||||
|
"created": 1698785189,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "computer-use-preview",
|
||||||
|
"created": 1734655677,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-nano",
|
||||||
|
"created": 1744321707,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-instruct-0914",
|
||||||
|
"created": 1694122472,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "whisper-1",
|
||||||
|
"created": 1677532384,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-2024-12-17",
|
||||||
|
"created": 1734326976,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-nano-2025-04-14",
|
||||||
|
"created": 1744321025,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-16k",
|
||||||
|
"created": 1683758102,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-2025-08-28",
|
||||||
|
"created": 1756256146,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-instruct",
|
||||||
|
"created": 1692901427,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-11-20",
|
||||||
|
"created": 1739331543,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-05-13",
|
||||||
|
"created": 1715368132,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-search-preview",
|
||||||
|
"created": 1741391161,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-search-preview-2025-03-11",
|
||||||
|
"created": 1741390858,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-chat-latest",
|
||||||
|
"created": 1762547951,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-search-preview",
|
||||||
|
"created": 1741388720,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "omni-moderation-latest",
|
||||||
|
"created": 1731689265,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-pro",
|
||||||
|
"created": 1742251791,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-pro-2025-03-19",
|
||||||
|
"created": 1742251504,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-codex-mini",
|
||||||
|
"created": 1763007109,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-search-preview-2025-03-11",
|
||||||
|
"created": 1741388170,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-3-small",
|
||||||
|
"created": 1705948997,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-deep-research-2025-06-26",
|
||||||
|
"created": 1750866121,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-deep-research",
|
||||||
|
"created": 1749685485,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "codex-mini-latest",
|
||||||
|
"created": 1746673257,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-08-06",
|
||||||
|
"created": 1722814719,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1",
|
||||||
|
"created": 1734375816,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-2024-07-18",
|
||||||
|
"created": 1721172717,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini",
|
||||||
|
"created": 1721172741,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-audio-preview",
|
||||||
|
"created": 1734387424,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-image-1-mini",
|
||||||
|
"created": 1758845821,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-mini",
|
||||||
|
"created": 1754425928,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-image-1",
|
||||||
|
"created": 1745517030,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-mini-2025-08-07",
|
||||||
|
"created": 1754425867,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "omni-moderation-2024-09-26",
|
||||||
|
"created": 1732734466,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5",
|
||||||
|
"created": 1754425777,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-pro",
|
||||||
|
"created": 1748475349,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-ada-002",
|
||||||
|
"created": 1671217299,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-nano-2025-08-07",
|
||||||
|
"created": 1754426303,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2024-12-17",
|
||||||
|
"created": 1734034239,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-nano",
|
||||||
|
"created": 1754426384,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-2025-11-13",
|
||||||
|
"created": 1762800353,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-hd-1106",
|
||||||
|
"created": 1699053533,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-hd",
|
||||||
|
"created": 1699046015,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-0125",
|
||||||
|
"created": 1706048358,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-mini",
|
||||||
|
"created": 1759512027,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-mini-2025-10-06",
|
||||||
|
"created": 1759512137,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1",
|
||||||
|
"created": 1762800673,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-audio-preview-2024-12-17",
|
||||||
|
"created": 1734115920,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-mini-2025-01-31",
|
||||||
|
"created": 1738010200,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-mini",
|
||||||
|
"created": 1737146383,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2024-12-17",
|
||||||
|
"created": 1733945430,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-pro-2025-06-10",
|
||||||
|
"created": 1749166761,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-1106-preview",
|
||||||
|
"created": 1698957206,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "babbage-002",
|
||||||
|
"created": 1692634615,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-chat-latest",
|
||||||
|
"created": 1754073306,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo",
|
||||||
|
"created": 1677610602,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-2025-08-07",
|
||||||
|
"created": 1754075360,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatgpt-4o-latest",
|
||||||
|
"created": 1723515131,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-transcribe",
|
||||||
|
"created": 1742068463,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "sora-2",
|
||||||
|
"created": 1759708615,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "sora-2-pro",
|
||||||
|
"created": 1759708663,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-pro-2025-10-06",
|
||||||
|
"created": 1759469707,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o",
|
||||||
|
"created": 1715367049,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview",
|
||||||
|
"created": 1727659998,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-mini",
|
||||||
|
"created": 1759517133,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-mini-2025-10-06",
|
||||||
|
"created": 1759517175,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini",
|
||||||
|
"created": 1744225351,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-2025-04-16",
|
||||||
|
"created": 1744133506,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2025-06-03",
|
||||||
|
"created": 1748907838,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview",
|
||||||
|
"created": 1727460443,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2025-06-03",
|
||||||
|
"created": 1748908498,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-pro",
|
||||||
|
"created": 1759469822,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-3-large",
|
||||||
|
"created": 1705953180,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-deep-research",
|
||||||
|
"created": 1749840121,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-deep-research-2025-06-26",
|
||||||
|
"created": 1750865219,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-transcribe",
|
||||||
|
"created": 1742068596,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-realtime-preview",
|
||||||
|
"created": 1734387380,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-realtime-preview-2024-12-17",
|
||||||
|
"created": 1734112601,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3",
|
||||||
|
"created": 1744225308,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-2025-04-16",
|
||||||
|
"created": 1744133301,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-transcribe-diarize",
|
||||||
|
"created": 1750798887,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-codex",
|
||||||
|
"created": 1762988221,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2024-10-01",
|
||||||
|
"created": 1727389042,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2024-10-01",
|
||||||
|
"created": 1727131766,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-codex",
|
||||||
|
"created": 1757527818,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -0,0 +1,989 @@
|
||||||
|
{
|
||||||
|
"test_id": "tests/integration/vector_io/test_openai_vector_stores.py::test_openai_vector_store_search_with_rewrite_query[openai_client-emb=sentence-transformers/nomic-ai/nomic-embed-text-v1.5:dim=768-sqlite-vec]",
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://api.openai.com/v1/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-search-api",
|
||||||
|
"created": 1759514629,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-search-api-2025-10-14",
|
||||||
|
"created": 1760043960,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1",
|
||||||
|
"created": 1681940951,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "dall-e-2",
|
||||||
|
"created": 1698798177,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-1106",
|
||||||
|
"created": 1699053241,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo-2024-04-09",
|
||||||
|
"created": 1712601677,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio",
|
||||||
|
"created": 1756339249,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-tts",
|
||||||
|
"created": 1742403959,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo",
|
||||||
|
"created": 1712361441,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-mini",
|
||||||
|
"created": 1744318173,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime",
|
||||||
|
"created": 1756271701,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-mini-2025-04-14",
|
||||||
|
"created": 1744317547,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-1106",
|
||||||
|
"created": 1698959748,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-0125-preview",
|
||||||
|
"created": 1706037612,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "davinci-002",
|
||||||
|
"created": 1692634301,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo-preview",
|
||||||
|
"created": 1706037777,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-0613",
|
||||||
|
"created": 1686588896,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "computer-use-preview-2025-03-11",
|
||||||
|
"created": 1741377021,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4",
|
||||||
|
"created": 1687882411,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1",
|
||||||
|
"created": 1744316542,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-2025-04-14",
|
||||||
|
"created": 1744315746,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "dall-e-3",
|
||||||
|
"created": 1698785189,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "computer-use-preview",
|
||||||
|
"created": 1734655677,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-nano",
|
||||||
|
"created": 1744321707,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-instruct-0914",
|
||||||
|
"created": 1694122472,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "whisper-1",
|
||||||
|
"created": 1677532384,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-2024-12-17",
|
||||||
|
"created": 1734326976,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-nano-2025-04-14",
|
||||||
|
"created": 1744321025,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-16k",
|
||||||
|
"created": 1683758102,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-2025-08-28",
|
||||||
|
"created": 1756256146,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-instruct",
|
||||||
|
"created": 1692901427,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-11-20",
|
||||||
|
"created": 1739331543,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-05-13",
|
||||||
|
"created": 1715368132,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-search-preview",
|
||||||
|
"created": 1741391161,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-search-preview-2025-03-11",
|
||||||
|
"created": 1741390858,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-chat-latest",
|
||||||
|
"created": 1762547951,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-search-preview",
|
||||||
|
"created": 1741388720,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "omni-moderation-latest",
|
||||||
|
"created": 1731689265,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-pro",
|
||||||
|
"created": 1742251791,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-pro-2025-03-19",
|
||||||
|
"created": 1742251504,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-codex-mini",
|
||||||
|
"created": 1763007109,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-search-preview-2025-03-11",
|
||||||
|
"created": 1741388170,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-3-small",
|
||||||
|
"created": 1705948997,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-deep-research-2025-06-26",
|
||||||
|
"created": 1750866121,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-deep-research",
|
||||||
|
"created": 1749685485,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "codex-mini-latest",
|
||||||
|
"created": 1746673257,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-08-06",
|
||||||
|
"created": 1722814719,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1",
|
||||||
|
"created": 1734375816,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-2024-07-18",
|
||||||
|
"created": 1721172717,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini",
|
||||||
|
"created": 1721172741,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-audio-preview",
|
||||||
|
"created": 1734387424,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-image-1-mini",
|
||||||
|
"created": 1758845821,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-mini",
|
||||||
|
"created": 1754425928,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-image-1",
|
||||||
|
"created": 1745517030,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-mini-2025-08-07",
|
||||||
|
"created": 1754425867,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "omni-moderation-2024-09-26",
|
||||||
|
"created": 1732734466,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5",
|
||||||
|
"created": 1754425777,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-pro",
|
||||||
|
"created": 1748475349,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-ada-002",
|
||||||
|
"created": 1671217299,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-nano-2025-08-07",
|
||||||
|
"created": 1754426303,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2024-12-17",
|
||||||
|
"created": 1734034239,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-nano",
|
||||||
|
"created": 1754426384,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-2025-11-13",
|
||||||
|
"created": 1762800353,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-hd-1106",
|
||||||
|
"created": 1699053533,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-hd",
|
||||||
|
"created": 1699046015,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-0125",
|
||||||
|
"created": 1706048358,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-mini",
|
||||||
|
"created": 1759512027,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-mini-2025-10-06",
|
||||||
|
"created": 1759512137,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1",
|
||||||
|
"created": 1762800673,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-audio-preview-2024-12-17",
|
||||||
|
"created": 1734115920,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-mini-2025-01-31",
|
||||||
|
"created": 1738010200,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-mini",
|
||||||
|
"created": 1737146383,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2024-12-17",
|
||||||
|
"created": 1733945430,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-pro-2025-06-10",
|
||||||
|
"created": 1749166761,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-1106-preview",
|
||||||
|
"created": 1698957206,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-codex",
|
||||||
|
"created": 1757527818,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "babbage-002",
|
||||||
|
"created": 1692634615,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-chat-latest",
|
||||||
|
"created": 1754073306,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo",
|
||||||
|
"created": 1677610602,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-2025-08-07",
|
||||||
|
"created": 1754075360,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatgpt-4o-latest",
|
||||||
|
"created": 1723515131,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-transcribe",
|
||||||
|
"created": 1742068463,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "sora-2",
|
||||||
|
"created": 1759708615,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "sora-2-pro",
|
||||||
|
"created": 1759708663,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-pro-2025-10-06",
|
||||||
|
"created": 1759469707,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o",
|
||||||
|
"created": 1715367049,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview",
|
||||||
|
"created": 1727659998,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-mini",
|
||||||
|
"created": 1759517133,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-mini-2025-10-06",
|
||||||
|
"created": 1759517175,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini",
|
||||||
|
"created": 1744225351,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-2025-04-16",
|
||||||
|
"created": 1744133506,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2025-06-03",
|
||||||
|
"created": 1748907838,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview",
|
||||||
|
"created": 1727460443,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2025-06-03",
|
||||||
|
"created": 1748908498,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-pro",
|
||||||
|
"created": 1759469822,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-3-large",
|
||||||
|
"created": 1705953180,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-deep-research",
|
||||||
|
"created": 1749840121,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-deep-research-2025-06-26",
|
||||||
|
"created": 1750865219,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-transcribe",
|
||||||
|
"created": 1742068596,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-realtime-preview",
|
||||||
|
"created": 1734387380,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-realtime-preview-2024-12-17",
|
||||||
|
"created": 1734112601,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3",
|
||||||
|
"created": 1744225308,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-2025-04-16",
|
||||||
|
"created": 1744133301,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-transcribe-diarize",
|
||||||
|
"created": 1750798887,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-codex",
|
||||||
|
"created": 1762988221,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2024-10-01",
|
||||||
|
"created": 1727389042,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2024-10-01",
|
||||||
|
"created": 1727131766,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-2025-08-28",
|
||||||
|
"created": 1756271773,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -0,0 +1,647 @@
|
||||||
|
{
|
||||||
|
"test_id": "tests/integration/vector_io/test_openai_vector_stores.py::test_openai_vector_store_search_with_rewrite_query[client_with_models-emb=sentence-transformers/nomic-ai/nomic-embed-text-v1.5:dim=768-sqlite-vec]",
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://generativelanguage.googleapis.com/v1beta/openai/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-gecko-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding Gecko"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-03-25",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 03-25"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-05-20",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-06-17",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview 06-17"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-05-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 05-06"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-06-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp-image-generation",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash (Image Generation) Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-exp-1206",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Experimental 1206"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-01-21",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-1219",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/learnlm-2.0-flash-experimental",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "LearnLM 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-1b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 1B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-12b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 12B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-27b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 27B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e2b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E2B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-lite-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash-Lite Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-pro-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Pro Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-robotics-er-1.5-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Robotics-ER 1.5 Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-computer-use-preview-10-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Computer Use Preview 10-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/text-embedding-004",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Text Embedding 004"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp-03-07",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental 03-07"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/aqa",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Model that performs Attributed Question Answering."
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-2.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 2"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-fast-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-live-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-live-2.5-flash-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Live 2.5 Flash Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-live-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Live Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Preview 09-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/lyria-realtime-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Lyria Realtime Experimental"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -0,0 +1,647 @@
|
||||||
|
{
|
||||||
|
"test_id": "tests/integration/vector_io/test_openai_vector_stores.py::test_openai_vector_store_search_with_rewrite_query[client_with_models-emb=sentence-transformers/nomic-ai/nomic-embed-text-v1.5:dim=768-faiss]",
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://generativelanguage.googleapis.com/v1beta/openai/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-gecko-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding Gecko"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-03-25",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 03-25"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-05-20",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-06-17",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview 06-17"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-05-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 05-06"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-06-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp-image-generation",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash (Image Generation) Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-exp-1206",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Experimental 1206"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-01-21",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-1219",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/learnlm-2.0-flash-experimental",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "LearnLM 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-1b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 1B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-12b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 12B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-27b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 27B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e2b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E2B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-lite-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash-Lite Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-pro-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Pro Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-robotics-er-1.5-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Robotics-ER 1.5 Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-computer-use-preview-10-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Computer Use Preview 10-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/text-embedding-004",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Text Embedding 004"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp-03-07",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental 03-07"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/aqa",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Model that performs Attributed Question Answering."
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-2.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 2"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-fast-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-live-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-live-2.5-flash-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Live 2.5 Flash Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-live-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Live Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Preview 09-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/lyria-realtime-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Lyria Realtime Experimental"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -0,0 +1,647 @@
|
||||||
|
{
|
||||||
|
"test_id": "tests/integration/vector_io/test_openai_vector_stores.py::test_openai_vector_store_search_with_rewrite_query[openai_client-emb=sentence-transformers/nomic-ai/nomic-embed-text-v1.5:dim=768-faiss]",
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://generativelanguage.googleapis.com/v1beta/openai/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-gecko-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding Gecko"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-03-25",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 03-25"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-05-20",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-06-17",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview 06-17"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-05-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 05-06"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-06-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp-image-generation",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash (Image Generation) Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-exp-1206",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Experimental 1206"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-01-21",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-1219",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/learnlm-2.0-flash-experimental",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "LearnLM 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-1b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 1B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-12b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 12B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-27b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 27B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e2b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E2B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-lite-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash-Lite Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-pro-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Pro Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-robotics-er-1.5-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Robotics-ER 1.5 Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-computer-use-preview-10-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Computer Use Preview 10-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/text-embedding-004",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Text Embedding 004"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp-03-07",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental 03-07"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/aqa",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Model that performs Attributed Question Answering."
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-2.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 2"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-fast-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-live-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-live-2.5-flash-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Live 2.5 Flash Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-live-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Live Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Preview 09-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/lyria-realtime-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Lyria Realtime Experimental"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -0,0 +1,989 @@
|
||||||
|
{
|
||||||
|
"test_id": "tests/integration/vector_io/test_openai_vector_stores.py::test_openai_vector_store_search_with_rewrite_query[openai_client-emb=sentence-transformers/nomic-ai/nomic-embed-text-v1.5:dim=768-faiss]",
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://api.openai.com/v1/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-search-api",
|
||||||
|
"created": 1759514629,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-search-api-2025-10-14",
|
||||||
|
"created": 1760043960,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1",
|
||||||
|
"created": 1681940951,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "dall-e-2",
|
||||||
|
"created": 1698798177,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-1106",
|
||||||
|
"created": 1699053241,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo-2024-04-09",
|
||||||
|
"created": 1712601677,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio",
|
||||||
|
"created": 1756339249,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-tts",
|
||||||
|
"created": 1742403959,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo",
|
||||||
|
"created": 1712361441,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime",
|
||||||
|
"created": 1756271701,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-mini",
|
||||||
|
"created": 1744318173,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-2025-08-28",
|
||||||
|
"created": 1756271773,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-mini-2025-04-14",
|
||||||
|
"created": 1744317547,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-1106",
|
||||||
|
"created": 1698959748,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-0125-preview",
|
||||||
|
"created": 1706037612,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "davinci-002",
|
||||||
|
"created": 1692634301,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo-preview",
|
||||||
|
"created": 1706037777,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-0613",
|
||||||
|
"created": 1686588896,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "computer-use-preview-2025-03-11",
|
||||||
|
"created": 1741377021,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4",
|
||||||
|
"created": 1687882411,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1",
|
||||||
|
"created": 1744316542,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-2025-04-14",
|
||||||
|
"created": 1744315746,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "dall-e-3",
|
||||||
|
"created": 1698785189,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "computer-use-preview",
|
||||||
|
"created": 1734655677,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-nano",
|
||||||
|
"created": 1744321707,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-instruct-0914",
|
||||||
|
"created": 1694122472,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "whisper-1",
|
||||||
|
"created": 1677532384,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-2024-12-17",
|
||||||
|
"created": 1734326976,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-nano-2025-04-14",
|
||||||
|
"created": 1744321025,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-16k",
|
||||||
|
"created": 1683758102,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-2025-08-28",
|
||||||
|
"created": 1756256146,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-instruct",
|
||||||
|
"created": 1692901427,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-11-20",
|
||||||
|
"created": 1739331543,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-05-13",
|
||||||
|
"created": 1715368132,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-search-preview",
|
||||||
|
"created": 1741391161,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-search-preview-2025-03-11",
|
||||||
|
"created": 1741390858,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-chat-latest",
|
||||||
|
"created": 1762547951,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-search-preview",
|
||||||
|
"created": 1741388720,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "omni-moderation-latest",
|
||||||
|
"created": 1731689265,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-pro",
|
||||||
|
"created": 1742251791,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-pro-2025-03-19",
|
||||||
|
"created": 1742251504,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-codex-mini",
|
||||||
|
"created": 1763007109,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-search-preview-2025-03-11",
|
||||||
|
"created": 1741388170,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-3-small",
|
||||||
|
"created": 1705948997,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-deep-research-2025-06-26",
|
||||||
|
"created": 1750866121,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-deep-research",
|
||||||
|
"created": 1749685485,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "codex-mini-latest",
|
||||||
|
"created": 1746673257,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-08-06",
|
||||||
|
"created": 1722814719,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1",
|
||||||
|
"created": 1734375816,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-2024-07-18",
|
||||||
|
"created": 1721172717,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini",
|
||||||
|
"created": 1721172741,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-audio-preview",
|
||||||
|
"created": 1734387424,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-image-1-mini",
|
||||||
|
"created": 1758845821,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-mini",
|
||||||
|
"created": 1754425928,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-image-1",
|
||||||
|
"created": 1745517030,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-mini-2025-08-07",
|
||||||
|
"created": 1754425867,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "omni-moderation-2024-09-26",
|
||||||
|
"created": 1732734466,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5",
|
||||||
|
"created": 1754425777,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-pro",
|
||||||
|
"created": 1748475349,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-ada-002",
|
||||||
|
"created": 1671217299,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-nano-2025-08-07",
|
||||||
|
"created": 1754426303,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2024-12-17",
|
||||||
|
"created": 1734034239,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-nano",
|
||||||
|
"created": 1754426384,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-2025-11-13",
|
||||||
|
"created": 1762800353,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-hd-1106",
|
||||||
|
"created": 1699053533,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-hd",
|
||||||
|
"created": 1699046015,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-0125",
|
||||||
|
"created": 1706048358,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-mini",
|
||||||
|
"created": 1759512027,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-mini-2025-10-06",
|
||||||
|
"created": 1759512137,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1",
|
||||||
|
"created": 1762800673,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-audio-preview-2024-12-17",
|
||||||
|
"created": 1734115920,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-mini-2025-01-31",
|
||||||
|
"created": 1738010200,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-mini",
|
||||||
|
"created": 1737146383,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2024-12-17",
|
||||||
|
"created": 1733945430,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-pro-2025-06-10",
|
||||||
|
"created": 1749166761,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-1106-preview",
|
||||||
|
"created": 1698957206,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-codex",
|
||||||
|
"created": 1757527818,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "babbage-002",
|
||||||
|
"created": 1692634615,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-chat-latest",
|
||||||
|
"created": 1754073306,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo",
|
||||||
|
"created": 1677610602,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-2025-08-07",
|
||||||
|
"created": 1754075360,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatgpt-4o-latest",
|
||||||
|
"created": 1723515131,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-transcribe",
|
||||||
|
"created": 1742068463,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "sora-2",
|
||||||
|
"created": 1759708615,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "sora-2-pro",
|
||||||
|
"created": 1759708663,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-pro-2025-10-06",
|
||||||
|
"created": 1759469707,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o",
|
||||||
|
"created": 1715367049,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview",
|
||||||
|
"created": 1727659998,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-mini",
|
||||||
|
"created": 1759517133,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-mini-2025-10-06",
|
||||||
|
"created": 1759517175,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini",
|
||||||
|
"created": 1744225351,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-2025-04-16",
|
||||||
|
"created": 1744133506,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2025-06-03",
|
||||||
|
"created": 1748907838,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview",
|
||||||
|
"created": 1727460443,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2025-06-03",
|
||||||
|
"created": 1748908498,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-pro",
|
||||||
|
"created": 1759469822,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-3-large",
|
||||||
|
"created": 1705953180,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-deep-research",
|
||||||
|
"created": 1749840121,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-deep-research-2025-06-26",
|
||||||
|
"created": 1750865219,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-transcribe",
|
||||||
|
"created": 1742068596,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-realtime-preview",
|
||||||
|
"created": 1734387380,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-realtime-preview-2024-12-17",
|
||||||
|
"created": 1734112601,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3",
|
||||||
|
"created": 1744225308,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-2025-04-16",
|
||||||
|
"created": 1744133301,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-transcribe-diarize",
|
||||||
|
"created": 1750798887,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-codex",
|
||||||
|
"created": 1762988221,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2024-10-01",
|
||||||
|
"created": 1727389042,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2024-10-01",
|
||||||
|
"created": 1727131766,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -0,0 +1,647 @@
|
||||||
|
{
|
||||||
|
"test_id": "tests/integration/vector_io/test_openai_vector_stores.py::test_openai_vector_store_search_with_rewrite_query[openai_client-emb=sentence-transformers/nomic-ai/nomic-embed-text-v1.5:dim=768-sqlite-vec]",
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://generativelanguage.googleapis.com/v1beta/openai/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-gecko-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding Gecko"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-03-25",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 03-25"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-05-20",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-06-17",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview 06-17"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-05-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview 05-06"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-06-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-exp-image-generation",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash (Image Generation) Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-lite-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash-Lite Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-pro-exp-02-05",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Pro Experimental 02-05"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-exp-1206",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Experimental 1206"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-01-21",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-thinking-exp-1219",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview 05-20"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-pro-preview-tts",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Pro Preview TTS"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/learnlm-2.0-flash-experimental",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "LearnLM 2.0 Flash Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-1b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 1B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-12b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 12B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3-27b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3 27B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e4b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E4B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemma-3n-e2b-it",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemma 3n E2B"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-flash-lite-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Flash-Lite Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-pro-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Pro Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-image",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Nano Banana"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-lite-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash-Lite Preview Sep 2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-robotics-er-1.5-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Robotics-ER 1.5 Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-computer-use-preview-10-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Computer Use Preview 10-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/text-embedding-004",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Text Embedding 004"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp-03-07",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental 03-07"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding Experimental"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-embedding-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Embedding 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/aqa",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Model that performs Attributed Question Answering."
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-preview-06-06",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra (Preview)"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-ultra-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Ultra"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/imagen-4.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Imagen 4 Fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-2.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 2"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.0-fast-generate-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/veo-3.1-fast-generate-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Veo 3.1 fast"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.0-flash-live-001",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.0 Flash 001"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-live-2.5-flash-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini Live 2.5 Flash Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-live-preview",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Live Preview"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-latest",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Latest"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/gemini-2.5-flash-native-audio-preview-09-2025",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Gemini 2.5 Flash Native Audio Preview 09-2025"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "models/lyria-realtime-exp",
|
||||||
|
"created": null,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "google",
|
||||||
|
"display_name": "Lyria Realtime Experimental"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -0,0 +1,989 @@
|
||||||
|
{
|
||||||
|
"test_id": "tests/integration/vector_io/test_openai_vector_stores.py::test_openai_vector_store_search_with_rewrite_query[client_with_models-emb=sentence-transformers/nomic-ai/nomic-embed-text-v1.5:dim=768-sqlite-vec]",
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "https://api.openai.com/v1/v1/models",
|
||||||
|
"headers": {},
|
||||||
|
"body": {},
|
||||||
|
"endpoint": "/v1/models",
|
||||||
|
"model": ""
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-search-api",
|
||||||
|
"created": 1759514629,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-search-api-2025-10-14",
|
||||||
|
"created": 1760043960,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1",
|
||||||
|
"created": 1681940951,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "dall-e-2",
|
||||||
|
"created": 1698798177,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-1106",
|
||||||
|
"created": 1699053241,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo-2024-04-09",
|
||||||
|
"created": 1712601677,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio",
|
||||||
|
"created": 1756339249,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-tts",
|
||||||
|
"created": 1742403959,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo",
|
||||||
|
"created": 1712361441,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime",
|
||||||
|
"created": 1756271701,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-mini",
|
||||||
|
"created": 1744318173,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-2025-08-28",
|
||||||
|
"created": 1756271773,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-mini-2025-04-14",
|
||||||
|
"created": 1744317547,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-1106",
|
||||||
|
"created": 1698959748,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-0125-preview",
|
||||||
|
"created": 1706037612,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "davinci-002",
|
||||||
|
"created": 1692634301,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-turbo-preview",
|
||||||
|
"created": 1706037777,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-0613",
|
||||||
|
"created": 1686588896,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "computer-use-preview-2025-03-11",
|
||||||
|
"created": 1741377021,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4",
|
||||||
|
"created": 1687882411,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1",
|
||||||
|
"created": 1744316542,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-2025-04-14",
|
||||||
|
"created": 1744315746,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "dall-e-3",
|
||||||
|
"created": 1698785189,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "computer-use-preview",
|
||||||
|
"created": 1734655677,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-nano",
|
||||||
|
"created": 1744321707,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-instruct-0914",
|
||||||
|
"created": 1694122472,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "whisper-1",
|
||||||
|
"created": 1677532384,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-2024-12-17",
|
||||||
|
"created": 1734326976,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4.1-nano-2025-04-14",
|
||||||
|
"created": 1744321025,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-16k",
|
||||||
|
"created": 1683758102,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-2025-08-28",
|
||||||
|
"created": 1756256146,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-instruct",
|
||||||
|
"created": 1692901427,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-11-20",
|
||||||
|
"created": 1739331543,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-05-13",
|
||||||
|
"created": 1715368132,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-search-preview",
|
||||||
|
"created": 1741391161,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-search-preview-2025-03-11",
|
||||||
|
"created": 1741390858,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-chat-latest",
|
||||||
|
"created": 1762547951,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-search-preview",
|
||||||
|
"created": 1741388720,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "omni-moderation-latest",
|
||||||
|
"created": 1731689265,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-pro",
|
||||||
|
"created": 1742251791,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1-pro-2025-03-19",
|
||||||
|
"created": 1742251504,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-codex-mini",
|
||||||
|
"created": 1763007109,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-search-preview-2025-03-11",
|
||||||
|
"created": 1741388170,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-3-small",
|
||||||
|
"created": 1705948997,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-deep-research-2025-06-26",
|
||||||
|
"created": 1750866121,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-deep-research",
|
||||||
|
"created": 1749685485,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "codex-mini-latest",
|
||||||
|
"created": 1746673257,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-2024-08-06",
|
||||||
|
"created": 1722814719,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o1",
|
||||||
|
"created": 1734375816,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-2024-07-18",
|
||||||
|
"created": 1721172717,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini",
|
||||||
|
"created": 1721172741,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-audio-preview",
|
||||||
|
"created": 1734387424,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-image-1-mini",
|
||||||
|
"created": 1758845821,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-mini",
|
||||||
|
"created": 1754425928,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-image-1",
|
||||||
|
"created": 1745517030,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-mini-2025-08-07",
|
||||||
|
"created": 1754425867,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "omni-moderation-2024-09-26",
|
||||||
|
"created": 1732734466,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5",
|
||||||
|
"created": 1754425777,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-pro",
|
||||||
|
"created": 1748475349,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-ada-002",
|
||||||
|
"created": 1671217299,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai-internal"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-nano-2025-08-07",
|
||||||
|
"created": 1754426303,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2024-12-17",
|
||||||
|
"created": 1734034239,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-nano",
|
||||||
|
"created": 1754426384,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-2025-11-13",
|
||||||
|
"created": 1762800353,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-hd-1106",
|
||||||
|
"created": 1699053533,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "tts-1-hd",
|
||||||
|
"created": 1699046015,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo-0125",
|
||||||
|
"created": 1706048358,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-mini",
|
||||||
|
"created": 1759512027,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-audio-mini-2025-10-06",
|
||||||
|
"created": 1759512137,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1",
|
||||||
|
"created": 1762800673,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-audio-preview-2024-12-17",
|
||||||
|
"created": 1734115920,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-mini-2025-01-31",
|
||||||
|
"created": 1738010200,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-mini",
|
||||||
|
"created": 1737146383,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2024-12-17",
|
||||||
|
"created": 1733945430,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-pro-2025-06-10",
|
||||||
|
"created": 1749166761,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4-1106-preview",
|
||||||
|
"created": 1698957206,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "babbage-002",
|
||||||
|
"created": 1692634615,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-chat-latest",
|
||||||
|
"created": 1754073306,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-3.5-turbo",
|
||||||
|
"created": 1677610602,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "openai"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-2025-08-07",
|
||||||
|
"created": 1754075360,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatgpt-4o-latest",
|
||||||
|
"created": 1723515131,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-transcribe",
|
||||||
|
"created": 1742068463,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "sora-2",
|
||||||
|
"created": 1759708615,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "sora-2-pro",
|
||||||
|
"created": 1759708663,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-pro-2025-10-06",
|
||||||
|
"created": 1759469707,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o",
|
||||||
|
"created": 1715367049,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview",
|
||||||
|
"created": 1727659998,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-mini",
|
||||||
|
"created": 1759517133,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-realtime-mini-2025-10-06",
|
||||||
|
"created": 1759517175,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini",
|
||||||
|
"created": 1744225351,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o4-mini-2025-04-16",
|
||||||
|
"created": 1744133506,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2025-06-03",
|
||||||
|
"created": 1748907838,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview",
|
||||||
|
"created": 1727460443,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2025-06-03",
|
||||||
|
"created": 1748908498,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-pro",
|
||||||
|
"created": 1759469822,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "text-embedding-3-large",
|
||||||
|
"created": 1705953180,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-deep-research",
|
||||||
|
"created": 1749840121,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-deep-research-2025-06-26",
|
||||||
|
"created": 1750865219,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-transcribe",
|
||||||
|
"created": 1742068596,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-realtime-preview",
|
||||||
|
"created": 1734387380,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-mini-realtime-preview-2024-12-17",
|
||||||
|
"created": 1734112601,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3",
|
||||||
|
"created": 1744225308,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "o3-2025-04-16",
|
||||||
|
"created": 1744133301,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-transcribe-diarize",
|
||||||
|
"created": 1750798887,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5.1-codex",
|
||||||
|
"created": 1762988221,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-audio-preview-2024-10-01",
|
||||||
|
"created": 1727389042,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-4o-realtime-preview-2024-10-01",
|
||||||
|
"created": 1727131766,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.model.Model",
|
||||||
|
"__data__": {
|
||||||
|
"id": "gpt-5-codex",
|
||||||
|
"created": 1757527818,
|
||||||
|
"object": "model",
|
||||||
|
"owned_by": "system"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": false
|
||||||
|
},
|
||||||
|
"id_normalization_mapping": {}
|
||||||
|
}
|
||||||
|
|
@ -1698,3 +1698,49 @@ def test_openai_vector_store_file_contents_with_extra_query(
|
||||||
assert with_flags_embedding is not None, "Embeddings should be included when include_embeddings=True"
|
assert with_flags_embedding is not None, "Embeddings should be included when include_embeddings=True"
|
||||||
assert len(with_flags_embedding) > 0, "Embedding should be a non-empty list"
|
assert len(with_flags_embedding) > 0, "Embedding should be a non-empty list"
|
||||||
assert without_flags_embedding is None, "Embeddings should not be included when include_embeddings=False"
|
assert without_flags_embedding is None, "Embeddings should not be included when include_embeddings=False"
|
||||||
|
|
||||||
|
|
||||||
|
@vector_provider_wrapper
|
||||||
|
def test_openai_vector_store_search_with_rewrite_query(
|
||||||
|
compat_client_with_empty_stores,
|
||||||
|
client_with_models,
|
||||||
|
sample_chunks,
|
||||||
|
embedding_model_id,
|
||||||
|
embedding_dimension,
|
||||||
|
vector_io_provider_id,
|
||||||
|
):
|
||||||
|
"""Test that rewrite_query parameter is properly passed through and handled."""
|
||||||
|
skip_if_provider_doesnt_support_openai_vector_stores(client_with_models)
|
||||||
|
|
||||||
|
compat_client = compat_client_with_empty_stores
|
||||||
|
llama_client = client_with_models
|
||||||
|
|
||||||
|
# Create vector store and insert chunks
|
||||||
|
vector_store = compat_client.vector_stores.create(
|
||||||
|
name="rewrite_test",
|
||||||
|
extra_body={"embedding_model": embedding_model_id, "provider_id": vector_io_provider_id},
|
||||||
|
)
|
||||||
|
llama_client.vector_io.insert(vector_store_id=vector_store.id, chunks=sample_chunks)
|
||||||
|
|
||||||
|
# Test rewrite_query=False (default behavior)
|
||||||
|
response_no_rewrite = compat_client.vector_stores.search(
|
||||||
|
vector_store_id=vector_store.id,
|
||||||
|
query="programming",
|
||||||
|
max_num_results=2,
|
||||||
|
rewrite_query=False,
|
||||||
|
)
|
||||||
|
|
||||||
|
# Test rewrite_query=True (may work if LLM models are available, or gracefully handle if not)
|
||||||
|
response_with_rewrite = compat_client.vector_stores.search(
|
||||||
|
vector_store_id=vector_store.id,
|
||||||
|
query="programming",
|
||||||
|
max_num_results=2,
|
||||||
|
rewrite_query=True,
|
||||||
|
)
|
||||||
|
|
||||||
|
# Both requests should succeed (rewrite_query=True will gracefully fall back if no LLM models)
|
||||||
|
assert response_no_rewrite is not None
|
||||||
|
assert response_with_rewrite is not None
|
||||||
|
|
||||||
|
# Both should return the same data since we have embedding models but may not have LLM models
|
||||||
|
assert len(response_no_rewrite.data) > 0
|
||||||
|
|
|
||||||
|
|
@ -1230,3 +1230,121 @@ async def test_embedding_config_required_model_missing(vector_io_adapter):
|
||||||
|
|
||||||
with pytest.raises(ValueError, match="embedding_model is required"):
|
with pytest.raises(ValueError, match="embedding_model is required"):
|
||||||
await vector_io_adapter.openai_create_vector_store(params)
|
await vector_io_adapter.openai_create_vector_store(params)
|
||||||
|
|
||||||
|
|
||||||
|
async def test_query_expansion_functionality(vector_io_adapter):
|
||||||
|
"""Test query expansion with simplified global configuration approach."""
|
||||||
|
from unittest.mock import MagicMock
|
||||||
|
|
||||||
|
from llama_stack.core.datatypes import QualifiedModel, RewriteQueryParams
|
||||||
|
from llama_stack.providers.utils.memory.constants import DEFAULT_QUERY_REWRITE_PROMPT
|
||||||
|
from llama_stack.providers.utils.memory.rewrite_query_config import set_default_rewrite_query_config
|
||||||
|
from llama_stack.providers.utils.memory.vector_store import VectorStoreWithIndex
|
||||||
|
from llama_stack_api import QueryChunksResponse
|
||||||
|
|
||||||
|
# Mock a simple vector store and index
|
||||||
|
mock_vector_store = MagicMock()
|
||||||
|
mock_vector_store.embedding_model = "test/embedding"
|
||||||
|
mock_inference_api = MagicMock()
|
||||||
|
mock_index = MagicMock()
|
||||||
|
|
||||||
|
# Create VectorStoreWithIndex with simplified constructor
|
||||||
|
vector_store_with_index = VectorStoreWithIndex(
|
||||||
|
vector_store=mock_vector_store,
|
||||||
|
index=mock_index,
|
||||||
|
inference_api=mock_inference_api,
|
||||||
|
)
|
||||||
|
|
||||||
|
# Mock the query_vector method to return a simple response
|
||||||
|
mock_response = QueryChunksResponse(chunks=[], scores=[])
|
||||||
|
mock_index.query_vector = AsyncMock(return_value=mock_response)
|
||||||
|
|
||||||
|
# Mock embeddings generation
|
||||||
|
mock_inference_api.openai_embeddings = AsyncMock(
|
||||||
|
return_value=MagicMock(data=[MagicMock(embedding=[0.1, 0.2, 0.3])])
|
||||||
|
)
|
||||||
|
|
||||||
|
# Test 1: Query expansion with default prompt (no custom prompt configured)
|
||||||
|
mock_vector_stores_config = MagicMock()
|
||||||
|
mock_vector_stores_config.rewrite_query_params = RewriteQueryParams(
|
||||||
|
model=QualifiedModel(provider_id="test", model_id="llama"), max_tokens=100, temperature=0.3
|
||||||
|
)
|
||||||
|
|
||||||
|
# Set global config
|
||||||
|
set_default_rewrite_query_config(mock_vector_stores_config)
|
||||||
|
|
||||||
|
# Mock chat completion for query rewriting
|
||||||
|
mock_inference_api.openai_chat_completion = AsyncMock(
|
||||||
|
return_value=MagicMock(choices=[MagicMock(message=MagicMock(content="expanded test query"))])
|
||||||
|
)
|
||||||
|
|
||||||
|
params = {"rewrite_query": True, "max_chunks": 5}
|
||||||
|
result = await vector_store_with_index.query_chunks("test query", params)
|
||||||
|
|
||||||
|
# Verify chat completion was called for query rewriting
|
||||||
|
mock_inference_api.openai_chat_completion.assert_called_once()
|
||||||
|
chat_call_args = mock_inference_api.openai_chat_completion.call_args[0][0]
|
||||||
|
assert chat_call_args.model == "test/llama"
|
||||||
|
|
||||||
|
# Verify default prompt is used (contains our built-in prompt text)
|
||||||
|
prompt_text = chat_call_args.messages[0].content
|
||||||
|
expected_prompt = DEFAULT_QUERY_REWRITE_PROMPT.format(query="test query")
|
||||||
|
assert prompt_text == expected_prompt
|
||||||
|
|
||||||
|
# Verify default inference parameters are used
|
||||||
|
assert chat_call_args.max_tokens == 100 # Default value
|
||||||
|
assert chat_call_args.temperature == 0.3 # Default value
|
||||||
|
|
||||||
|
# Verify the rest of the flow proceeded normally
|
||||||
|
mock_inference_api.openai_embeddings.assert_called_once()
|
||||||
|
mock_index.query_vector.assert_called_once()
|
||||||
|
assert result == mock_response
|
||||||
|
|
||||||
|
# Test 1b: Query expansion with custom prompt override and inference parameters
|
||||||
|
mock_inference_api.reset_mock()
|
||||||
|
mock_index.reset_mock()
|
||||||
|
|
||||||
|
mock_vector_stores_config.rewrite_query_params = RewriteQueryParams(
|
||||||
|
model=QualifiedModel(provider_id="test", model_id="llama"),
|
||||||
|
prompt="Custom prompt for rewriting: {query}",
|
||||||
|
max_tokens=150,
|
||||||
|
temperature=0.7,
|
||||||
|
)
|
||||||
|
set_default_rewrite_query_config(mock_vector_stores_config)
|
||||||
|
|
||||||
|
result = await vector_store_with_index.query_chunks("test query", params)
|
||||||
|
|
||||||
|
# Verify custom prompt and parameters are used
|
||||||
|
mock_inference_api.openai_chat_completion.assert_called_once()
|
||||||
|
chat_call_args = mock_inference_api.openai_chat_completion.call_args[0][0]
|
||||||
|
prompt_text = chat_call_args.messages[0].content
|
||||||
|
assert prompt_text == "Custom prompt for rewriting: test query"
|
||||||
|
assert "Expand this query with relevant synonyms" not in prompt_text # Default not used
|
||||||
|
|
||||||
|
# Verify custom inference parameters
|
||||||
|
assert chat_call_args.max_tokens == 150
|
||||||
|
assert chat_call_args.temperature == 0.7
|
||||||
|
|
||||||
|
# Test 2: Error when query rewriting is requested but no global model is configured
|
||||||
|
mock_inference_api.reset_mock()
|
||||||
|
mock_index.reset_mock()
|
||||||
|
|
||||||
|
# Clear global config
|
||||||
|
set_default_rewrite_query_config(None)
|
||||||
|
|
||||||
|
params = {"rewrite_query": True, "max_chunks": 5}
|
||||||
|
with pytest.raises(ValueError, match="Query rewriting requested but not configured"):
|
||||||
|
await vector_store_with_index.query_chunks("test query", params)
|
||||||
|
|
||||||
|
# Test 3: Normal behavior without rewrite_query parameter
|
||||||
|
mock_inference_api.reset_mock()
|
||||||
|
mock_index.reset_mock()
|
||||||
|
|
||||||
|
params_no_rewrite = {"max_chunks": 5}
|
||||||
|
result3 = await vector_store_with_index.query_chunks("test query", params_no_rewrite)
|
||||||
|
|
||||||
|
# Neither chat completion nor query rewriting should be called
|
||||||
|
mock_inference_api.openai_chat_completion.assert_not_called()
|
||||||
|
mock_inference_api.openai_embeddings.assert_called_once()
|
||||||
|
mock_index.query_vector.assert_called_once()
|
||||||
|
assert result3 == mock_response
|
||||||
|
|
|
||||||
Loading…
Add table
Add a link
Reference in a new issue