diff --git a/llama_stack/providers/remote/inference/vllm/vllm.py b/llama_stack/providers/remote/inference/vllm/vllm.py
index 9e9a80ca5..77f5d82af 100644
--- a/llama_stack/providers/remote/inference/vllm/vllm.py
+++ b/llama_stack/providers/remote/inference/vllm/vllm.py
@@ -4,7 +4,7 @@
# This source code is licensed under the terms described in the LICENSE file in
# the root directory of this source tree.
import json
-from collections.abc import AsyncGenerator, AsyncIterator
+from collections.abc import AsyncGenerator
from typing import Any
import httpx
@@ -38,13 +38,6 @@ from llama_stack.apis.inference import (
LogProbConfig,
Message,
ModelStore,
- OpenAIChatCompletion,
- OpenAICompletion,
- OpenAIEmbeddingData,
- OpenAIEmbeddingsResponse,
- OpenAIEmbeddingUsage,
- OpenAIMessageParam,
- OpenAIResponseFormatParam,
ResponseFormat,
SamplingParams,
TextTruncation,
@@ -71,11 +64,11 @@ from llama_stack.providers.utils.inference.openai_compat import (
convert_message_to_openai_dict,
convert_tool_call,
get_sampling_options,
- prepare_openai_completion_params,
process_chat_completion_stream_response,
process_completion_response,
process_completion_stream_response,
)
+from llama_stack.providers.utils.inference.openai_mixin import OpenAIMixin
from llama_stack.providers.utils.inference.prompt_adapter import (
completion_request_to_prompt,
content_has_media,
@@ -288,7 +281,7 @@ async def _process_vllm_chat_completion_stream_response(
yield c
-class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
+class VLLMInferenceAdapter(OpenAIMixin, Inference, ModelsProtocolPrivate):
# automatically set by the resolver when instantiating the provider
__provider_id__: str
model_store: ModelStore | None = None
@@ -296,7 +289,6 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
def __init__(self, config: VLLMInferenceAdapterConfig) -> None:
self.register_helper = ModelRegistryHelper(build_hf_repo_model_entries())
self.config = config
- self.client = None
async def initialize(self) -> None:
if not self.config.url:
@@ -308,8 +300,6 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
return self.config.refresh_models
async def list_models(self) -> list[Model] | None:
- self._lazy_initialize_client()
- assert self.client is not None # mypy
models = []
async for m in self.client.models.list():
model_type = ModelType.llm # unclear how to determine embedding vs. llm models
@@ -340,8 +330,7 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
HealthResponse: A dictionary containing the health status.
"""
try:
- client = self._create_client() if self.client is None else self.client
- _ = [m async for m in client.models.list()] # Ensure the client is initialized
+ _ = [m async for m in self.client.models.list()] # Ensure the client is initialized
return HealthResponse(status=HealthStatus.OK)
except Exception as e:
return HealthResponse(status=HealthStatus.ERROR, message=f"Health check failed: {str(e)}")
@@ -351,19 +340,14 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
raise ValueError("Model store not set")
return await self.model_store.get_model(model_id)
- def _lazy_initialize_client(self):
- if self.client is not None:
- return
+ def get_api_key(self):
+ return self.config.api_token
- log.info(f"Initializing vLLM client with base_url={self.config.url}")
- self.client = self._create_client()
+ def get_base_url(self):
+ return self.config.url
- def _create_client(self):
- return AsyncOpenAI(
- base_url=self.config.url,
- api_key=self.config.api_token,
- http_client=httpx.AsyncClient(verify=self.config.tls_verify),
- )
+ def get_extra_client_params(self):
+ return {"http_client": httpx.AsyncClient(verify=self.config.tls_verify)}
async def completion(
self,
@@ -374,7 +358,6 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
stream: bool | None = False,
logprobs: LogProbConfig | None = None,
) -> CompletionResponse | AsyncGenerator[CompletionResponseStreamChunk, None]:
- self._lazy_initialize_client()
if sampling_params is None:
sampling_params = SamplingParams()
model = await self._get_model(model_id)
@@ -406,7 +389,6 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
logprobs: LogProbConfig | None = None,
tool_config: ToolConfig | None = None,
) -> ChatCompletionResponse | AsyncGenerator[ChatCompletionResponseStreamChunk, None]:
- self._lazy_initialize_client()
if sampling_params is None:
sampling_params = SamplingParams()
model = await self._get_model(model_id)
@@ -479,16 +461,12 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
yield chunk
async def register_model(self, model: Model) -> Model:
- # register_model is called during Llama Stack initialization, hence we cannot init self.client if not initialized yet.
- # self.client should only be created after the initialization is complete to avoid asyncio cross-context errors.
- # Changing this may lead to unpredictable behavior.
- client = self._create_client() if self.client is None else self.client
try:
model = await self.register_helper.register_model(model)
except ValueError:
pass # Ignore statically unknown model, will check live listing
try:
- res = await client.models.list()
+ res = await self.client.models.list()
except APIConnectionError as e:
raise ValueError(
f"Failed to connect to vLLM at {self.config.url}. Please check if vLLM is running and accessible at that URL."
@@ -543,8 +521,6 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
output_dimension: int | None = None,
task_type: EmbeddingTaskType | None = None,
) -> EmbeddingsResponse:
- self._lazy_initialize_client()
- assert self.client is not None
model = await self._get_model(model_id)
kwargs = {}
@@ -560,154 +536,3 @@ class VLLMInferenceAdapter(Inference, ModelsProtocolPrivate):
embeddings = [data.embedding for data in response.data]
return EmbeddingsResponse(embeddings=embeddings)
-
- async def openai_embeddings(
- self,
- model: str,
- input: str | list[str],
- encoding_format: str | None = "float",
- dimensions: int | None = None,
- user: str | None = None,
- ) -> OpenAIEmbeddingsResponse:
- self._lazy_initialize_client()
- assert self.client is not None
- model_obj = await self._get_model(model)
- assert model_obj.model_type == ModelType.embedding
-
- # Convert input to list if it's a string
- input_list = [input] if isinstance(input, str) else input
-
- # Call vLLM embeddings endpoint with encoding_format
- response = await self.client.embeddings.create(
- model=model_obj.provider_resource_id,
- input=input_list,
- dimensions=dimensions,
- encoding_format=encoding_format,
- )
-
- # Convert response to OpenAI format
- data = [
- OpenAIEmbeddingData(
- embedding=embedding_data.embedding,
- index=i,
- )
- for i, embedding_data in enumerate(response.data)
- ]
-
- # Not returning actual token usage since vLLM doesn't provide it
- usage = OpenAIEmbeddingUsage(prompt_tokens=-1, total_tokens=-1)
-
- return OpenAIEmbeddingsResponse(
- data=data,
- model=model_obj.provider_resource_id,
- usage=usage,
- )
-
- async def openai_completion(
- self,
- model: str,
- prompt: str | list[str] | list[int] | list[list[int]],
- best_of: int | None = None,
- echo: bool | None = None,
- frequency_penalty: float | None = None,
- logit_bias: dict[str, float] | None = None,
- logprobs: bool | None = None,
- max_tokens: int | None = None,
- n: int | None = None,
- presence_penalty: float | None = None,
- seed: int | None = None,
- stop: str | list[str] | None = None,
- stream: bool | None = None,
- stream_options: dict[str, Any] | None = None,
- temperature: float | None = None,
- top_p: float | None = None,
- user: str | None = None,
- guided_choice: list[str] | None = None,
- prompt_logprobs: int | None = None,
- suffix: str | None = None,
- ) -> OpenAICompletion:
- self._lazy_initialize_client()
- model_obj = await self._get_model(model)
-
- extra_body: dict[str, Any] = {}
- if prompt_logprobs is not None and prompt_logprobs >= 0:
- extra_body["prompt_logprobs"] = prompt_logprobs
- if guided_choice:
- extra_body["guided_choice"] = guided_choice
-
- params = await prepare_openai_completion_params(
- model=model_obj.provider_resource_id,
- prompt=prompt,
- best_of=best_of,
- echo=echo,
- frequency_penalty=frequency_penalty,
- logit_bias=logit_bias,
- logprobs=logprobs,
- max_tokens=max_tokens,
- n=n,
- presence_penalty=presence_penalty,
- seed=seed,
- stop=stop,
- stream=stream,
- stream_options=stream_options,
- temperature=temperature,
- top_p=top_p,
- user=user,
- extra_body=extra_body,
- )
- return await self.client.completions.create(**params) # type: ignore
-
- async def openai_chat_completion(
- self,
- model: str,
- messages: list[OpenAIMessageParam],
- frequency_penalty: float | None = None,
- function_call: str | dict[str, Any] | None = None,
- functions: list[dict[str, Any]] | None = None,
- logit_bias: dict[str, float] | None = None,
- logprobs: bool | None = None,
- max_completion_tokens: int | None = None,
- max_tokens: int | None = None,
- n: int | None = None,
- parallel_tool_calls: bool | None = None,
- presence_penalty: float | None = None,
- response_format: OpenAIResponseFormatParam | None = None,
- seed: int | None = None,
- stop: str | list[str] | None = None,
- stream: bool | None = None,
- stream_options: dict[str, Any] | None = None,
- temperature: float | None = None,
- tool_choice: str | dict[str, Any] | None = None,
- tools: list[dict[str, Any]] | None = None,
- top_logprobs: int | None = None,
- top_p: float | None = None,
- user: str | None = None,
- ) -> OpenAIChatCompletion | AsyncIterator[OpenAIChatCompletionChunk]:
- self._lazy_initialize_client()
- model_obj = await self._get_model(model)
- params = await prepare_openai_completion_params(
- model=model_obj.provider_resource_id,
- messages=messages,
- frequency_penalty=frequency_penalty,
- function_call=function_call,
- functions=functions,
- logit_bias=logit_bias,
- logprobs=logprobs,
- max_completion_tokens=max_completion_tokens,
- max_tokens=max_tokens,
- n=n,
- parallel_tool_calls=parallel_tool_calls,
- presence_penalty=presence_penalty,
- response_format=response_format,
- seed=seed,
- stop=stop,
- stream=stream,
- stream_options=stream_options,
- temperature=temperature,
- tool_choice=tool_choice,
- tools=tools,
- top_logprobs=top_logprobs,
- top_p=top_p,
- user=user,
- )
- return await self.client.chat.completions.create(**params) # type: ignore
diff --git a/llama_stack/providers/utils/inference/openai_mixin.py b/llama_stack/providers/utils/inference/openai_mixin.py
index f60deee6e..a3c0ffadc 100644
--- a/llama_stack/providers/utils/inference/openai_mixin.py
+++ b/llama_stack/providers/utils/inference/openai_mixin.py
@@ -67,6 +67,17 @@ class OpenAIMixin(ABC):
"""
pass
+ def get_extra_client_params(self) -> dict[str, Any]:
+ """
+ Get any extra parameters to pass to the AsyncOpenAI client.
+
+ Child classes can override this method to provide additional parameters
+ such as timeout settings, proxies, etc.
+
+ :return: A dictionary of extra parameters
+ """
+ return {}
+
@property
def client(self) -> AsyncOpenAI:
"""
@@ -78,6 +89,7 @@ class OpenAIMixin(ABC):
return AsyncOpenAI(
api_key=self.get_api_key(),
base_url=self.get_base_url(),
+ **self.get_extra_client_params(),
)
async def _get_provider_model_id(self, model: str) -> str:
@@ -124,10 +136,15 @@ class OpenAIMixin(ABC):
"""
Direct OpenAI completion API call.
"""
- if guided_choice is not None:
- logger.warning("guided_choice is not supported by the OpenAI API. Ignoring.")
- if prompt_logprobs is not None:
- logger.warning("prompt_logprobs is not supported by the OpenAI API. Ignoring.")
+ # Handle parameters that are not supported by OpenAI API, but may be by the provider
+ # prompt_logprobs is supported by vLLM
+ # guided_choice is supported by vLLM
+ # TODO: test coverage
+ extra_body: dict[str, Any] = {}
+ if prompt_logprobs is not None and prompt_logprobs >= 0:
+ extra_body["prompt_logprobs"] = prompt_logprobs
+ if guided_choice:
+ extra_body["guided_choice"] = guided_choice
# TODO: fix openai_completion to return type compatible with OpenAI's API response
return await self.client.completions.create( # type: ignore[no-any-return]
@@ -150,7 +167,8 @@ class OpenAIMixin(ABC):
top_p=top_p,
user=user,
suffix=suffix,
- )
+ ),
+ extra_body=extra_body,
)
async def openai_chat_completion(
diff --git a/tests/integration/recordings/responses/004d45cd1d80.json b/tests/integration/recordings/responses/004d45cd1d80.json
new file mode 100644
index 000000000..cc86ca552
--- /dev/null
+++ b/tests/integration/recordings/responses/004d45cd1d80.json
@@ -0,0 +1,3917 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "tools": [
+ {
+ "type": "function",
+ "function": {
+ "name": "get_object_namespace_list",
+ "description": "Get the list of objects in a namespace",
+ "parameters": {
+ "type": "object",
+ "properties": {
+ "kind": {
+ "type": "string",
+ "description": "the type of object"
+ },
+ "namespace": {
+ "type": "string",
+ "description": "the name of the namespace"
+ }
+ },
+ "required": [
+ "kind",
+ "namespace"
+ ]
+ }
+ }
+ }
+ ],
+ "messages": [
+ {
+ "role": "system",
+ "content": [
+ {
+ "type": "text",
+ "text": "You are a helpful assistant."
+ }
+ ]
+ },
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "What pods are in the namespace openshift-lightspeed?"
+ }
+ ]
+ },
+ {
+ "role": "assistant",
+ "content": [
+ {
+ "type": "text",
+ "text": ""
+ }
+ ],
+ "tool_calls": [
+ {
+ "id": "1",
+ "type": "function",
+ "function": {
+ "name": "get_object_namespace_list",
+ "arguments": "{\"kind\": \"pod\", \"namespace\": \"openshift-lightspeed\"}"
+ }
+ }
+ ]
+ },
+ {
+ "role": "tool",
+ "content": [
+ {
+ "type": "text",
+ "text": "the objects are pod1, pod2, pod3"
+ }
+ ]
+ }
+ ],
+ "stream": true,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " asked",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pods",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " namespace",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " opens",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "hift",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "-l",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "ights",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "peed",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " get",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "_object",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "_namespace",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "_list",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " function",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " kind",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "pod",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " namespace",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "opens",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "hift",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "-l",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "ights",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "peed",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " response",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " came",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " back",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " three",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " objects",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ":",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pod",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "1",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pod",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "2",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pod",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "3",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " Now",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " present",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " this",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " information",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " clearly",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " by",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " listing",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " each",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pod",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " Maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " mention",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pods",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " are",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " specified",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " namespace",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " Keep",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " straightforward",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " concise",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " No",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " extra",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " details",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " since",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " just",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " wants",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " list",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " Make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " use",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " tool",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " response",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " correctly",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " state",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " result",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pods",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " namespace",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " opens",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "hift",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "-l",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "ights",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "peed",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " are",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ":",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pod",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "1",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pod",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "2",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": " pod",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "3",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-2ecb6b6dca734968a7b8f810772774ce",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524143,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/032f8c5a1289.json b/tests/integration/recordings/responses/032f8c5a1289.json
new file mode 100644
index 000000000..6613aa0c6
--- /dev/null
+++ b/tests/integration/recordings/responses/032f8c5a1289.json
@@ -0,0 +1,66 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "Which planet has rings around it with a name starting with letter S?"
+ }
+ ]
+ }
+ ],
+ "stream": false,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.chat.chat_completion.ChatCompletion",
+ "__data__": {
+ "id": "chatcmpl-307d8869f9a341439fef1e92274a89ec",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "message": {
+ "content": "\nOkay, so the question is asking which planet has rings around it and the name starts with the letter S. Let me think. I know that there are many planets in our solar system, right? The ones we usually mention are Mercury, Venus, Earth, Mars, Jupiter, Saturn, etc. Now, the key here is that the planet has rings, and the name starts with S.\n\nFirst, I remember that Saturn is the planet with rings. But wait, the name starts with S, so that's correct. But let me make sure. Are there any other planets with rings that start with S? Like maybe something else? Let me think. Oh, right! There's also Neptune, but Neptune is a gas giant, not a planet with rings. Wait, no, Neptune does have rings, but they're not as prominent as Saturn's. So Saturn is the one with rings and the name starting with S. \n\nWait, but maybe I should double-check. Let me recall. The planets in order are Mercury, Venus, Earth, Mars, Jupiter, Saturn, and then Neptune. So Saturn comes after Jupiter. So yes, Saturn has rings. And the name starts with S. So the answer should be Saturn.\n\n\nThe planet with rings around it and a name starting with the letter S is **Saturn**.",
+ "refusal": null,
+ "role": "assistant",
+ "annotations": null,
+ "audio": null,
+ "function_call": null,
+ "tool_calls": [],
+ "reasoning_content": null
+ },
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524152,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 274,
+ "prompt_tokens": 22,
+ "total_tokens": 296,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ },
+ "prompt_logprobs": null
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/033340f58ebc.json b/tests/integration/recordings/responses/033340f58ebc.json
new file mode 100644
index 000000000..0fd600972
--- /dev/null
+++ b/tests/integration/recordings/responses/033340f58ebc.json
@@ -0,0 +1,105 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "tools": [
+ {
+ "type": "function",
+ "function": {
+ "name": "get_weather",
+ "description": "Get the current weather",
+ "parameters": {
+ "type": "object",
+ "properties": {
+ "location": {
+ "type": "string",
+ "description": "The city and state (both required), e.g. San Francisco, CA."
+ }
+ },
+ "required": [
+ "location"
+ ]
+ }
+ }
+ }
+ ],
+ "messages": [
+ {
+ "role": "system",
+ "content": [
+ {
+ "type": "text",
+ "text": "Pretend you are a weather assistant."
+ }
+ ]
+ },
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "What's the weather like in San Francisco, CA?"
+ }
+ ]
+ }
+ ],
+ "stream": false,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.chat.chat_completion.ChatCompletion",
+ "__data__": {
+ "id": "chatcmpl-3d55352696e445f598c3d881a1130454",
+ "choices": [
+ {
+ "finish_reason": "tool_calls",
+ "index": 0,
+ "logprobs": null,
+ "message": {
+ "content": "\nOkay, the user is asking about the weather in San Francisco, CA. I need to use the get_weather function. The function requires the location parameter, which in this case is \"San Francisco, CA\". I should make sure to format the arguments correctly as a JSON object. Let me check the required parameters again to confirm. The location is required, so I'll include that. No other parameters are needed. Alright, I'll structure the tool call accordingly.\n\n\n",
+ "refusal": null,
+ "role": "assistant",
+ "annotations": null,
+ "audio": null,
+ "function_call": null,
+ "tool_calls": [
+ {
+ "id": "chatcmpl-tool-98de38728cf6486d925102e0515d6d8f",
+ "function": {
+ "arguments": "{\"location\": \"San Francisco, CA\"}",
+ "name": "get_weather"
+ },
+ "type": "function"
+ }
+ ],
+ "reasoning_content": null
+ },
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524137,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 120,
+ "prompt_tokens": 185,
+ "total_tokens": 305,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ },
+ "prompt_logprobs": null
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/07eabb983d8e.json b/tests/integration/recordings/responses/07eabb983d8e.json
new file mode 100644
index 000000000..bca494092
--- /dev/null
+++ b/tests/integration/recordings/responses/07eabb983d8e.json
@@ -0,0 +1,1021 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "Respond to this question and explain your answer. Complete the sentence using one word: Roses are red, violets are ",
+ "max_tokens": 50,
+ "stream": true,
+ "extra_body": {}
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " __",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "__\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "A",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " green",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "B",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " yellow",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "C",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " blue",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "D",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " purple",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "\n\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "The",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " correct",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " answer",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " is",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " A",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " green",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "Answer",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ":\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "The",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " correct",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " answer",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " is",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " A",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " green",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "\n\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "Explanation",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ":",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " Roses",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " are",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " red",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ",",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " v",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "io",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "lets",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " are",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " green",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "Answer",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b82780f1b2ca4348b2d7d8067ff6d2a8",
+ "choices": [
+ {
+ "finish_reason": "length",
+ "index": 0,
+ "logprobs": null,
+ "text": ":\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/0dfab8a5deb8.json b/tests/integration/recordings/responses/0dfab8a5deb8.json
new file mode 100644
index 000000000..a3f351f7c
--- /dev/null
+++ b/tests/integration/recordings/responses/0dfab8a5deb8.json
@@ -0,0 +1,2888 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "tools": [
+ {
+ "type": "function",
+ "function": {
+ "name": "get_weather",
+ "description": "Get the current weather",
+ "parameters": {
+ "type": "object",
+ "properties": {
+ "location": {
+ "type": "string",
+ "description": "The city and state (both required), e.g. San Francisco, CA."
+ }
+ },
+ "required": [
+ "location"
+ ]
+ }
+ }
+ }
+ ],
+ "messages": [
+ {
+ "role": "system",
+ "content": [
+ {
+ "type": "text",
+ "text": "Pretend you are a weather assistant."
+ }
+ ]
+ },
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "What's the weather like in San Francisco, CA?"
+ }
+ ]
+ }
+ ],
+ "stream": true,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " about",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " San",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " Francisco",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " CA",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " use",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " get",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "_weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " function",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " function",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " requires",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " location",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " parameter",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " which",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " this",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " case",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "San",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " Francisco",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " CA",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " format",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " arguments",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " correctly",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " as",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " JSON",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " object",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " check",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " required",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " parameters",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " again",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " location",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " required",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " so",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "'ll",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " include",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " No",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " other",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " parameters",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " are",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " needed",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " Alright",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "'ll",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " structure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " tool",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " call",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": " accordingly",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": null,
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": [
+ {
+ "index": 0,
+ "id": "chatcmpl-tool-8a1fba787d3e41208cadb54b76953821",
+ "function": {
+ "arguments": null,
+ "name": "get_weather"
+ },
+ "type": "function"
+ }
+ ]
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": null,
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": [
+ {
+ "index": 0,
+ "id": null,
+ "function": {
+ "arguments": "{\"location\": \"",
+ "name": null
+ },
+ "type": null
+ }
+ ]
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": null,
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": [
+ {
+ "index": 0,
+ "id": null,
+ "function": {
+ "arguments": "San",
+ "name": null
+ },
+ "type": null
+ }
+ ]
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": null,
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": [
+ {
+ "index": 0,
+ "id": null,
+ "function": {
+ "arguments": " Francisco",
+ "name": null
+ },
+ "type": null
+ }
+ ]
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": null,
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": [
+ {
+ "index": 0,
+ "id": null,
+ "function": {
+ "arguments": ",",
+ "name": null
+ },
+ "type": null
+ }
+ ]
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": null,
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": [
+ {
+ "index": 0,
+ "id": null,
+ "function": {
+ "arguments": " CA",
+ "name": null
+ },
+ "type": null
+ }
+ ]
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": null,
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": [
+ {
+ "index": 0,
+ "id": null,
+ "function": {
+ "arguments": "\"}",
+ "name": null
+ },
+ "type": null
+ }
+ ]
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-69f0262dd5134551a196b7a54a8b3a78",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "tool_calls",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524139,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/27463384d1a3.json b/tests/integration/recordings/responses/27463384d1a3.json
new file mode 100644
index 000000000..32cce4415
--- /dev/null
+++ b/tests/integration/recordings/responses/27463384d1a3.json
@@ -0,0 +1,59 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": "Hello, world!"
+ }
+ ],
+ "stream": false
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.chat.chat_completion.ChatCompletion",
+ "__data__": {
+ "id": "chatcmpl-5434d48fcb354eb498e3909a87c4bf39",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "message": {
+ "content": "\nOkay, the user just said \"Hello, world!\" so I need to respond in a friendly way. Let me start by acknowledging their input. Maybe say \"Hello, world!\" and then offer help. Keep it simple and positive. No need for any complex messages. Just a straightforward reply.\n\n\nHello, world! \ud83d\ude0a How can I assist you today?",
+ "refusal": null,
+ "role": "assistant",
+ "annotations": null,
+ "audio": null,
+ "function_call": null,
+ "tool_calls": [],
+ "reasoning_content": null
+ },
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524166,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 77,
+ "prompt_tokens": 12,
+ "total_tokens": 89,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ },
+ "prompt_logprobs": null
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/299952f00fd8.json b/tests/integration/recordings/responses/299952f00fd8.json
new file mode 100644
index 000000000..24adaae42
--- /dev/null
+++ b/tests/integration/recordings/responses/299952f00fd8.json
@@ -0,0 +1,9609 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "system",
+ "content": [
+ {
+ "type": "text",
+ "text": "Pretend you are a weather assistant."
+ }
+ ]
+ },
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "What's the weather like in San Francisco, CA?"
+ }
+ ]
+ }
+ ],
+ "stream": true,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " about",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " San",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Francisco",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " CA",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " provide",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " accurate",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " information",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " start",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " by",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " recalling",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " current",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " conditions",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " San",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Francisco",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " known",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " its",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " mild",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " climate",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " but",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " check",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " latest",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " data",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " precise",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " remember",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " average",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " temperature",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " San",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Francisco",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " around",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " ",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "6",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "5",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "-",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "7",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "5",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " degrees",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Fahrenheit",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " It",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " coastal",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " city",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " so",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " can",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " vary",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " seasons",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " In",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " summer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " hot",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " winter",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " cooler",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " mention",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " both",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " average",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " seasonal",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " variations",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "Also",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " might",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " planning",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " trip",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " or",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " just",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " curious",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " about",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " include",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " some",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " key",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " points",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ":",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " temperature",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " ranges",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " possible",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " conditions",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " note",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " about",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " city",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " climate",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " It",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " important",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " highlight",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " San",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Francisco",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " has",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " mix",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " warm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " cool",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " so",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " can",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " adjust",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " accordingly",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " information",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " clear",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " concise",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Avoid",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " any",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " technical",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " j",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "argon",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " keep",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " friendly",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " offer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " further",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " assistance",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " if",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " needed",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " structure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " response",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " cover",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " all",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " these",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " aspects",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " weather",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " San",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Francisco",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " CA",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " generally",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " mild",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " comfortable",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Here",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " summary",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " current",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " conditions",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ":",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " \n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "-",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "Temperature",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "**:",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Average",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " temperatures",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " range",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " from",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "5",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "5",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u00b0F",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " ",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "7",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "5",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u00b0F",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " (",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "1",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "2",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u00b0C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " ",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "2",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "3",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u00b0C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ").",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " \n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "-",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "Season",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "al",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Vari",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "ations",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "**:",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " Summer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " (",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "June",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u2013",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "August",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ")",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " warm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " temperatures",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " often",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " hovering",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " around",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " ",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "7",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "0",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u2013",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "8",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "0",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u00b0F",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " while",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " winter",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " (",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "December",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u2013",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "February",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ")",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " cooler",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " averaging",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " around",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " ",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "4",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "0",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u2013",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "5",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "5",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "\u00b0F",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " \n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "-",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "Hum",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "idity",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "**:",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " city",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " experiences",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " moderate",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " humidity",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " showers",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " thunder",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "storms",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " possible",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " summer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " months",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " \n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "If",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " you",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "'re",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " planning",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " trip",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " or",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " further",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " details",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " feel",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " free",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " ask",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "!",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": " \ud83c\udf1e",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-0b27c641c7fa43e58a0c6571c415374e",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524140,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/42a07c178a75.json b/tests/integration/recordings/responses/42a07c178a75.json
new file mode 100644
index 000000000..990fb3b61
--- /dev/null
+++ b/tests/integration/recordings/responses/42a07c178a75.json
@@ -0,0 +1,3750 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "What's the name of the Sun in latin?"
+ }
+ ]
+ }
+ ],
+ "stream": true,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " know",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " English",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " but",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " remember",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " as",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " well",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " there",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " variation",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " or",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " different",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " term",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " check",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " my",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " knowledge",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Yes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " So",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " there",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " no",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " confusion",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " other",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " celestial",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " bodies",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " but",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " since",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " question",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " straightforward",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " safe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " go",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-17fb2b9abef94a4b8f2100dd1f9b7450",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524136,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/50053de3a8a8.json b/tests/integration/recordings/responses/50053de3a8a8.json
new file mode 100644
index 000000000..7fc8ee222
--- /dev/null
+++ b/tests/integration/recordings/responses/50053de3a8a8.json
@@ -0,0 +1,129 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "tools": [
+ {
+ "type": "function",
+ "function": {
+ "name": "get_object_namespace_list",
+ "description": "Get the list of objects in a namespace",
+ "parameters": {
+ "type": "object",
+ "properties": {
+ "kind": {
+ "type": "string",
+ "description": "the type of object"
+ },
+ "namespace": {
+ "type": "string",
+ "description": "the name of the namespace"
+ }
+ },
+ "required": [
+ "kind",
+ "namespace"
+ ]
+ }
+ }
+ }
+ ],
+ "messages": [
+ {
+ "role": "system",
+ "content": [
+ {
+ "type": "text",
+ "text": "You are a helpful assistant."
+ }
+ ]
+ },
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "What pods are in the namespace openshift-lightspeed?"
+ }
+ ]
+ },
+ {
+ "role": "assistant",
+ "content": [
+ {
+ "type": "text",
+ "text": ""
+ }
+ ],
+ "tool_calls": [
+ {
+ "id": "1",
+ "type": "function",
+ "function": {
+ "name": "get_object_namespace_list",
+ "arguments": "{\"kind\": \"pod\", \"namespace\": \"openshift-lightspeed\"}"
+ }
+ }
+ ]
+ },
+ {
+ "role": "tool",
+ "content": [
+ {
+ "type": "text",
+ "text": "the objects are pod1, pod2, pod3"
+ }
+ ]
+ }
+ ],
+ "stream": false,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.chat.chat_completion.ChatCompletion",
+ "__data__": {
+ "id": "chatcmpl-042380355dac4046b0510320198e5563",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "message": {
+ "content": "\nOkay, the user asked for the pods in the namespace openshift-lightspeed. I called the get_object_namespace_list function with kind \"pod\" and namespace \"openshift-lightspeed\". The response came back with three objects: pod1, pod2, pod3. Now I need to present this information clearly.\n\nI should confirm the answer by listing each pod. Maybe mention that the list includes those specific pods. Keep it straightforward and make sure the user knows the result. No need for extra details since the tool response already provided the list. Just relay the information back in a friendly manner.\n\n\nThe pods in the namespace openshift-lightspeed are: pod1, pod2, and pod3.",
+ "refusal": null,
+ "role": "assistant",
+ "annotations": null,
+ "audio": null,
+ "function_call": null,
+ "tool_calls": [],
+ "reasoning_content": null
+ },
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 148,
+ "prompt_tokens": 256,
+ "total_tokens": 404,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ },
+ "prompt_logprobs": null
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/551066a5c7f4.json b/tests/integration/recordings/responses/551066a5c7f4.json
new file mode 100644
index 000000000..fe40fda42
--- /dev/null
+++ b/tests/integration/recordings/responses/551066a5c7f4.json
@@ -0,0 +1,70 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "Hello, world!",
+ "stream": false,
+ "extra_body": {
+ "prompt_logprobs": 0
+ }
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-f7da1cba36ba427c8acd9ad2f0722fa4",
+ "choices": [
+ {
+ "finish_reason": "length",
+ "index": 0,
+ "logprobs": null,
+ "text": " I'm a 3-year-old girl who loves to play with my cat.",
+ "stop_reason": null,
+ "prompt_logprobs": [
+ null,
+ {
+ "11": {
+ "logprob": -8.8668212890625,
+ "rank": 1031,
+ "decoded_token": ","
+ }
+ },
+ {
+ "1879": {
+ "logprob": -4.7821879386901855,
+ "rank": 10,
+ "decoded_token": "\u0120world"
+ }
+ },
+ {
+ "0": {
+ "logprob": -1.6575366258621216,
+ "rank": 2,
+ "decoded_token": "!"
+ }
+ }
+ ]
+ }
+ ],
+ "created": 1757524144,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 16,
+ "prompt_tokens": 4,
+ "total_tokens": 20,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ }
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/592d9733fb28.json b/tests/integration/recordings/responses/592d9733fb28.json
new file mode 100644
index 000000000..6e6d52c71
--- /dev/null
+++ b/tests/integration/recordings/responses/592d9733fb28.json
@@ -0,0 +1,1021 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "<|begin_of_text|>Complete the sentence using one word: Roses are red, violets are ",
+ "stream": true,
+ "temperature": 0.0,
+ "max_tokens": 50
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-3385c2816083444f9f47f61c019e498a",
+ "choices": [
+ {
+ "finish_reason": "length",
+ "index": 0,
+ "logprobs": null,
+ "text": " _",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524132,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/62b67ba9b8ea.json b/tests/integration/recordings/responses/62b67ba9b8ea.json
new file mode 100644
index 000000000..730413938
--- /dev/null
+++ b/tests/integration/recordings/responses/62b67ba9b8ea.json
@@ -0,0 +1,124 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "system",
+ "content": [
+ {
+ "type": "text",
+ "text": "You are a helpful assistant. Michael Jordan was born in 1963. He played basketball for the Chicago Bulls for 15 seasons."
+ }
+ ]
+ },
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "Please give me information about Michael Jordan."
+ }
+ ]
+ }
+ ],
+ "extra_body": {
+ "guided_json": {
+ "$defs": {
+ "NBAStats": {
+ "properties": {
+ "year_for_draft": {
+ "title": "Year For Draft",
+ "type": "integer"
+ },
+ "num_seasons_in_nba": {
+ "title": "Num Seasons In Nba",
+ "type": "integer"
+ }
+ },
+ "required": [
+ "year_for_draft",
+ "num_seasons_in_nba"
+ ],
+ "title": "NBAStats",
+ "type": "object"
+ }
+ },
+ "properties": {
+ "first_name": {
+ "title": "First Name",
+ "type": "string"
+ },
+ "last_name": {
+ "title": "Last Name",
+ "type": "string"
+ },
+ "year_of_birth": {
+ "title": "Year Of Birth",
+ "type": "integer"
+ },
+ "nba_stats": {
+ "$ref": "#/$defs/NBAStats"
+ }
+ },
+ "required": [
+ "first_name",
+ "last_name",
+ "year_of_birth",
+ "nba_stats"
+ ],
+ "title": "AnswerFormat",
+ "type": "object"
+ }
+ },
+ "stream": false,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.chat.chat_completion.ChatCompletion",
+ "__data__": {
+ "id": "chatcmpl-ba863ae481964bcca497a7feba2a2689",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "message": {
+ "content": "{\"first_name\": \"Michael\", \"last_name\": \"Jordan\", \"year_of_birth\": 1963, \"nba_stats\": {\"year_for_draft\": 1984, \"num_seasons_in_nba\": 15}}",
+ "refusal": null,
+ "role": "assistant",
+ "annotations": null,
+ "audio": null,
+ "function_call": null,
+ "tool_calls": [],
+ "reasoning_content": null
+ },
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524142,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 61,
+ "prompt_tokens": 51,
+ "total_tokens": 112,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ },
+ "prompt_logprobs": null
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/62b82c42a270.json b/tests/integration/recordings/responses/62b82c42a270.json
new file mode 100644
index 000000000..1bb9dc92d
--- /dev/null
+++ b/tests/integration/recordings/responses/62b82c42a270.json
@@ -0,0 +1,46 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "<|begin_of_text|>Complete the sentence using one word: Roses are red, violets are ",
+ "stream": false,
+ "temperature": 0.0,
+ "max_tokens": 50
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-75aab3472ee24335962c490f4efdb884",
+ "choices": [
+ {
+ "finish_reason": "length",
+ "index": 0,
+ "logprobs": null,
+ "text": " _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _",
+ "stop_reason": null,
+ "prompt_logprobs": null
+ }
+ ],
+ "created": 1757524131,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 50,
+ "prompt_tokens": 23,
+ "total_tokens": 73,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ }
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/666d8719f984.json b/tests/integration/recordings/responses/666d8719f984.json
new file mode 100644
index 000000000..4d4b6377c
--- /dev/null
+++ b/tests/integration/recordings/responses/666d8719f984.json
@@ -0,0 +1,8685 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": "What's the name of the Sun in latin?"
+ }
+ ],
+ "n": 2,
+ "stream": true
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " know",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " English",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " they",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " want",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " English",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " So",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " recall",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " remember",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " equivalent",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " know",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " word",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " but",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " there",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " variation",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " they",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Wait",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "'re",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " confused",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " sometimes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " because",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " people",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " sometimes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " use",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " people",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " use",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " as",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " other",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " languages",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " term",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " but",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " check",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " just",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Yes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " plural",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " word",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " plural",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " So",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " So",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " wait",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " they",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " want",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " different",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " check",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " form",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " if",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "?",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " there",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " No",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " any",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " other",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " variation",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " For",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " already",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " example",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " term",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " some",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " contexts",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " people",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " might",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " refer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Yes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " as",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Yes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " So",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " correct",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " So",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-4e3da65df4474474b87f79da068962aa",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 1,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524158,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/67c8e604fcd3.json b/tests/integration/recordings/responses/67c8e604fcd3.json
new file mode 100644
index 000000000..8c062eee4
--- /dev/null
+++ b/tests/integration/recordings/responses/67c8e604fcd3.json
@@ -0,0 +1,2684 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "What is the name of the US captial?"
+ }
+ ]
+ }
+ ],
+ "stream": true,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " US",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " know",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " country",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " city",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " wait",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " Maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " confused",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " because",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " sometimes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " people",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " other",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " cities",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " no",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " official",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " avoid",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " any",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " confusion",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-8d4b9502c9f54d999f00316fb5a6ec96",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524154,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/6825a67ceccd.json b/tests/integration/recordings/responses/6825a67ceccd.json
new file mode 100644
index 000000000..e9e5146fc
--- /dev/null
+++ b/tests/integration/recordings/responses/6825a67ceccd.json
@@ -0,0 +1,50 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "I am feeling really sad today.",
+ "stream": false,
+ "extra_body": {
+ "guided_choice": [
+ "joy",
+ "sadness"
+ ]
+ }
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b4feb568934e44e7a8b7ac8071dce285",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "text": "sadness",
+ "stop_reason": null,
+ "prompt_logprobs": null
+ }
+ ],
+ "created": 1757524114,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 3,
+ "prompt_tokens": 7,
+ "total_tokens": 10,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ }
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/6cf57d8dfcfc.json b/tests/integration/recordings/responses/6cf57d8dfcfc.json
new file mode 100644
index 000000000..a2086bbd1
--- /dev/null
+++ b/tests/integration/recordings/responses/6cf57d8dfcfc.json
@@ -0,0 +1,86 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "<|begin_of_text|>Complete the sentence: Micheael Jordan is born in ",
+ "logprobs": 1,
+ "stream": false,
+ "temperature": 0.0,
+ "max_tokens": 5
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-b114bec84b5a430ba94520ac9e7a6d8d",
+ "choices": [
+ {
+ "finish_reason": "length",
+ "index": 0,
+ "logprobs": {
+ "text_offset": [
+ 0,
+ 1,
+ 2,
+ 3,
+ 4
+ ],
+ "token_logprobs": [
+ -0.03187580779194832,
+ -0.014971747994422913,
+ -0.3393988609313965,
+ -1.2200194597244263,
+ -0.762129545211792
+ ],
+ "tokens": [
+ "1",
+ "9",
+ "5",
+ "8",
+ ","
+ ],
+ "top_logprobs": [
+ {
+ "1": -0.03187580779194832
+ },
+ {
+ "9": -0.014971747994422913
+ },
+ {
+ "5": -0.3393988609313965
+ },
+ {
+ "8": -1.2200194597244263
+ },
+ {
+ ",": -0.762129545211792
+ }
+ ]
+ },
+ "text": "1958,",
+ "stop_reason": null,
+ "prompt_logprobs": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 5,
+ "prompt_tokens": 18,
+ "total_tokens": 23,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ }
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/7ef63231b9f8.json b/tests/integration/recordings/responses/7ef63231b9f8.json
new file mode 100644
index 000000000..1ee16ae4f
--- /dev/null
+++ b/tests/integration/recordings/responses/7ef63231b9f8.json
@@ -0,0 +1,59 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": "Which planet has rings around it with a name starting with letter S?"
+ }
+ ],
+ "stream": false
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.chat.chat_completion.ChatCompletion",
+ "__data__": {
+ "id": "chatcmpl-ab6b31bfc8244a48bee3f9ed8bff6455",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "message": {
+ "content": "\nOkay, so the question is asking which planet has rings around it and the name starts with the letter S. Let me think. I know that there are many planets in our solar system, like Earth, Mars, Venus, Jupiter, etc. But the question specifically mentions rings and the name starting with S. \n\nFirst, I should recall the planets and their names. Let me list them in order of their distance from the Sun. From the Sun, we have Mercury, Venus, Earth, Mars, Jupiter, Saturn, Uranus, Neptune, and then Pluto. Wait, Pluto was once considered a planet but was reclassified. So maybe the question is about the planets that are now in order with the rings. \n\nNow, Saturn is the next one after Jupiter. Saturn is the planet that has rings around it. The name starts with S. So the answer would be Saturn. Let me double-check. Yes, Saturn is the planet with rings and the name starts with S. I don't think there's another planet with rings and a starting letter S. For example, maybe another planet in another system, but the question is about the solar system. So I think the answer is Saturn.\n\n\nThe planet with rings around it and a name starting with the letter S is **Saturn**.",
+ "refusal": null,
+ "role": "assistant",
+ "annotations": null,
+ "audio": null,
+ "function_call": null,
+ "tool_calls": [],
+ "reasoning_content": null
+ },
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524161,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 266,
+ "prompt_tokens": 22,
+ "total_tokens": 288,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ },
+ "prompt_logprobs": null
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/89b141855b81.json b/tests/integration/recordings/responses/89b141855b81.json
new file mode 100644
index 000000000..d1793b703
--- /dev/null
+++ b/tests/integration/recordings/responses/89b141855b81.json
@@ -0,0 +1,4055 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": "What's the name of the Sun in latin?"
+ }
+ ],
+ "stream": true
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " know",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " English",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " term",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " remember",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " there",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " another",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " term",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "?",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " double",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "-check",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " word",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Yes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " correct",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " So",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " \n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "Wait",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " there",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " any",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " variation",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " or",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " different",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " terms",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "?",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " don",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "'t",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " so",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " pretty",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " straightforward",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " So",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " just",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " state",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " called",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " No",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " extra",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " information",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " here",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Sun",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " in",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " Latin",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "Sol",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-df74492f91c841459a7c0420d6956b0f",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524157,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/8ea4d7e002fa.json b/tests/integration/recordings/responses/8ea4d7e002fa.json
new file mode 100644
index 000000000..dffca9e85
--- /dev/null
+++ b/tests/integration/recordings/responses/8ea4d7e002fa.json
@@ -0,0 +1,524 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "<|begin_of_text|>Return the exact same sentence and don't add additional words): Michael Jordan was born in the year of 1963",
+ "stream": true,
+ "temperature": 0.0,
+ "max_tokens": 50,
+ "stop": [
+ "1963"
+ ]
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " <|",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "end",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "_of_t",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "e",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "xt|",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ">\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "\n",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "*",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "*A",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": ".** Mich",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "ael Jor",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "dan ",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "was b",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "orn",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " in ",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "the y",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "ear",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " ",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "o",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": "f",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null,
+ "text": " ",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-8ca2b3d09fbe49f99b86bc496a6c4bf8",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "text": "",
+ "stop_reason": "1963"
+ }
+ ],
+ "created": 1757524133,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/934eabb2c7bd.json b/tests/integration/recordings/responses/934eabb2c7bd.json
new file mode 100644
index 000000000..c3a3fde47
--- /dev/null
+++ b/tests/integration/recordings/responses/934eabb2c7bd.json
@@ -0,0 +1,71 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "<|begin_of_text|>Michael Jordan was born in 1963. He played basketball for the Chicago Bulls. He retired in 2003.Please respond in JSON format with the schema: {\"properties\": {\"name\": {\"title\": \"Name\", \"type\": \"string\"}, \"year_born\": {\"title\": \"Year Born\", \"type\": \"string\"}, \"year_retired\": {\"title\": \"Year Retired\", \"type\": \"string\"}}, \"required\": [\"name\", \"year_born\", \"year_retired\"], \"title\": \"AnswerFormat\", \"type\": \"object\"}",
+ "extra_body": {
+ "guided_json": {
+ "properties": {
+ "name": {
+ "title": "Name",
+ "type": "string"
+ },
+ "year_born": {
+ "title": "Year Born",
+ "type": "string"
+ },
+ "year_retired": {
+ "title": "Year Retired",
+ "type": "string"
+ }
+ },
+ "required": [
+ "name",
+ "year_born",
+ "year_retired"
+ ],
+ "title": "AnswerFormat",
+ "type": "object"
+ }
+ },
+ "stream": false,
+ "temperature": 0.0,
+ "max_tokens": 50
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-d0abbd0dc22c41a091a2a72ce913cbed",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "text": "{ \n \"name\": \"Michael Jordan\",\n \"year_born\": \"1963\",\n \"year_retired\": \"2003\"\n}",
+ "stop_reason": null,
+ "prompt_logprobs": null
+ }
+ ],
+ "created": 1757524134,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 36,
+ "prompt_tokens": 128,
+ "total_tokens": 164,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ }
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/a1f9695ef183.json b/tests/integration/recordings/responses/a1f9695ef183.json
new file mode 100644
index 000000000..4370c2a9a
--- /dev/null
+++ b/tests/integration/recordings/responses/a1f9695ef183.json
@@ -0,0 +1,197 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "<|begin_of_text|>Complete the sentence: Micheael Jordan is born in ",
+ "logprobs": 1,
+ "stream": true,
+ "temperature": 0.0,
+ "max_tokens": 5
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-7968eb721ac34b348eb879f300052b1b",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": {
+ "text_offset": [
+ 0
+ ],
+ "token_logprobs": [
+ -0.031588248908519745
+ ],
+ "tokens": [
+ "1"
+ ],
+ "top_logprobs": [
+ {
+ "1": -0.031588248908519745
+ }
+ ]
+ },
+ "text": "1",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524134,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-7968eb721ac34b348eb879f300052b1b",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": {
+ "text_offset": [
+ 1
+ ],
+ "token_logprobs": [
+ -0.01468715537339449
+ ],
+ "tokens": [
+ "9"
+ ],
+ "top_logprobs": [
+ {
+ "9": -0.01468715537339449
+ }
+ ]
+ },
+ "text": "9",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524134,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-7968eb721ac34b348eb879f300052b1b",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": {
+ "text_offset": [
+ 2
+ ],
+ "token_logprobs": [
+ -0.30242931842803955
+ ],
+ "tokens": [
+ "5"
+ ],
+ "top_logprobs": [
+ {
+ "5": -0.30242931842803955
+ }
+ ]
+ },
+ "text": "5",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524134,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-7968eb721ac34b348eb879f300052b1b",
+ "choices": [
+ {
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": {
+ "text_offset": [
+ 3
+ ],
+ "token_logprobs": [
+ -1.2276304960250854
+ ],
+ "tokens": [
+ "8"
+ ],
+ "top_logprobs": [
+ {
+ "8": -1.2276304960250854
+ }
+ ]
+ },
+ "text": "8",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524134,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-7968eb721ac34b348eb879f300052b1b",
+ "choices": [
+ {
+ "finish_reason": "length",
+ "index": 0,
+ "logprobs": {
+ "text_offset": [
+ 4
+ ],
+ "token_logprobs": [
+ -0.7615041732788086
+ ],
+ "tokens": [
+ ","
+ ],
+ "top_logprobs": [
+ {
+ ",": -0.7615041732788086
+ }
+ ]
+ },
+ "text": ",",
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524134,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/a5163d8d2d01.json b/tests/integration/recordings/responses/a5163d8d2d01.json
new file mode 100644
index 000000000..641bfdbba
--- /dev/null
+++ b/tests/integration/recordings/responses/a5163d8d2d01.json
@@ -0,0 +1,5747 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": "What is the name of the US captial?"
+ }
+ ],
+ "n": 2,
+ "stream": true
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " US",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " US",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " know",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " US",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " country",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " multiple",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capitals",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".,",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " but",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Wait",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " there",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " any",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " chance",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Yes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " could",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " another",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " city",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "?",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " No",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".,",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " which",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " also",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " known",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " as",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " District",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Columbia",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " need",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " there",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Also",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " no",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " confusion",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " with",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " other",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " countries",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " confused",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " or",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " cities",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " needs",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " clear",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " straightforward",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " check",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " accurate",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " again",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " avoid",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " any",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " mistakes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " (",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "also",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " known",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " as",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " District",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": " Columbia",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": ").",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 1,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-1cc499cece34480cb1d6051d2abbb5c5",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 1,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524165,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/aacf9abc51d4.json b/tests/integration/recordings/responses/aacf9abc51d4.json
new file mode 100644
index 000000000..dbc1de4f6
--- /dev/null
+++ b/tests/integration/recordings/responses/aacf9abc51d4.json
@@ -0,0 +1,3509 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": "What is the name of the US captial?"
+ }
+ ],
+ "stream": true
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " name",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " know",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " country",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " But",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " wait",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "'m",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " not",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " mixing",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " up",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " any",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " other",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " capitals",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " For",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " example",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Canada",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Ottawa",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " of",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Mexico",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Mexico",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " City",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " asking",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " specifically",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " about",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " U",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".S",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".,",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " so",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " answer",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " be",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " double",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "-check",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " avoid",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " any",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " mistakes",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Yeah",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "'s",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " correct",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "The",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " United",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " States",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " capital",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " is",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " **",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "Washington",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": " D",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".C",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "**",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-38c64bad588a436981b3017fabb10e46",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524163,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/c42baf6a3700.json b/tests/integration/recordings/responses/c42baf6a3700.json
new file mode 100644
index 000000000..9be09b2e7
--- /dev/null
+++ b/tests/integration/recordings/responses/c42baf6a3700.json
@@ -0,0 +1,66 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": [
+ {
+ "type": "text",
+ "text": "Which planet do humans live on?"
+ }
+ ]
+ }
+ ],
+ "stream": false,
+ "temperature": 0.0,
+ "max_tokens": 4096
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.chat.chat_completion.ChatCompletion",
+ "__data__": {
+ "id": "chatcmpl-f7cda312aefe4a4ca4c34e7342f23802",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "message": {
+ "content": "\nOkay, the user is asking which planet humans live on. Let me think. I know that humans are on Earth. But maybe they're confused because sometimes people think of other planets. I should clarify that Earth is the only planet where humans have been found. Also, maybe mention that Earth is a unique planet with all the necessary conditions for life. I should keep it simple and direct.\n\n\nHumans live on **Earth**. This planet is unique in having the conditions necessary for life, such as liquid water, breathable air, and suitable temperatures.",
+ "refusal": null,
+ "role": "assistant",
+ "annotations": null,
+ "audio": null,
+ "function_call": null,
+ "tool_calls": [],
+ "reasoning_content": null
+ },
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524135,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 114,
+ "prompt_tokens": 15,
+ "total_tokens": 129,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ },
+ "prompt_logprobs": null
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/e08e01e5652a.json b/tests/integration/recordings/responses/e08e01e5652a.json
new file mode 100644
index 000000000..0af12ca52
--- /dev/null
+++ b/tests/integration/recordings/responses/e08e01e5652a.json
@@ -0,0 +1,59 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": "Which planet do humans live on?"
+ }
+ ],
+ "stream": false
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.chat.chat_completion.ChatCompletion",
+ "__data__": {
+ "id": "chatcmpl-8e11e56bbb9744e1ac92ae6af3fb5148",
+ "choices": [
+ {
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "message": {
+ "content": "\nOkay, the user is asking which planet humans live on. Hmm, I know that humans are on Earth, but I should make sure. Wait, Earth is our home. But maybe they're confused because sometimes people think of other planets. Let me check. The answer is Earth. But maybe I should explain why it's correct. Oh, right, Earth is the planet where we live. No other planets have been confirmed to have humans. So the answer is Earth.\n\n\nHumans live on **Earth**.",
+ "refusal": null,
+ "role": "assistant",
+ "annotations": null,
+ "audio": null,
+ "function_call": null,
+ "tool_calls": [],
+ "reasoning_content": null
+ },
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524156,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 107,
+ "prompt_tokens": 15,
+ "total_tokens": 122,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ },
+ "prompt_logprobs": null
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/f518ea4fde7d.json b/tests/integration/recordings/responses/f518ea4fde7d.json
new file mode 100644
index 000000000..aaa422d57
--- /dev/null
+++ b/tests/integration/recordings/responses/f518ea4fde7d.json
@@ -0,0 +1,3041 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/chat/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "messages": [
+ {
+ "role": "user",
+ "content": "Hello, world!"
+ }
+ ],
+ "stream": true
+ },
+ "endpoint": "/v1/chat/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": [
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": "assistant",
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "Okay",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " the",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " user",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " just",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " said",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "Hello",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " world",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "!\"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " think",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " about",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " how",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " respond",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " First",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " acknowledge",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " their",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " input",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " Since",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " they",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " used",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " \"",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "Hello",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " world",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "!\",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " they",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "'re",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " testing",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " my",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " response",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " or",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " want",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " see",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " how",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " handle",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " simple",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " messages",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " respond",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " politely",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " confirm",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " that",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "'m",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " here",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " help",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " Let",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " me",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " make",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " sure",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " to",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " keep",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " friendly",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " and",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " open",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "-ended",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " Maybe",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " add",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " something",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " about",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " being",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " available",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " for",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " assistance",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ".",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " That",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " should",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " cover",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " it",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " without",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " being",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " too",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " verbose",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ".\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "\n\n",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "Hello",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": ",",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " world",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "!",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " How",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " can",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " I",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " assist",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " you",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " today",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "?",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": " \ud83d\ude0a",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": null,
+ "index": 0,
+ "logprobs": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ },
+ {
+ "__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
+ "__data__": {
+ "id": "chatcmpl-c0cc4dcc424b46e48d023ee950848fa4",
+ "choices": [
+ {
+ "delta": {
+ "content": "",
+ "function_call": null,
+ "refusal": null,
+ "role": null,
+ "tool_calls": null
+ },
+ "finish_reason": "stop",
+ "index": 0,
+ "logprobs": null,
+ "stop_reason": null
+ }
+ ],
+ "created": 1757524160,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "chat.completion.chunk",
+ "service_tier": null,
+ "system_fingerprint": null,
+ "usage": null
+ }
+ }
+ ],
+ "is_streaming": true
+ }
+}
diff --git a/tests/integration/recordings/responses/fadf16af6d35.json b/tests/integration/recordings/responses/fadf16af6d35.json
new file mode 100644
index 000000000..442d67d6b
--- /dev/null
+++ b/tests/integration/recordings/responses/fadf16af6d35.json
@@ -0,0 +1,45 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "Respond to this question and explain your answer. Complete the sentence using one word: Roses are red, violets are ",
+ "stream": false,
+ "extra_body": {}
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-52758d074c7541f99998bf277e553e78",
+ "choices": [
+ {
+ "finish_reason": "length",
+ "index": 0,
+ "logprobs": null,
+ "text": " ____. \n\nThe sentence is: \"Roses are red, violets",
+ "stop_reason": null,
+ "prompt_logprobs": null
+ }
+ ],
+ "created": 1757524112,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 16,
+ "prompt_tokens": 25,
+ "total_tokens": 41,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ }
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/recordings/responses/fded9afd616c.json b/tests/integration/recordings/responses/fded9afd616c.json
new file mode 100644
index 000000000..739cee372
--- /dev/null
+++ b/tests/integration/recordings/responses/fded9afd616c.json
@@ -0,0 +1,85 @@
+{
+ "request": {
+ "method": "POST",
+ "url": "http://localhost:8000/v1/v1/completions",
+ "headers": {},
+ "body": {
+ "model": "Qwen/Qwen3-0.6B",
+ "prompt": "Hello, world!",
+ "stream": false,
+ "extra_body": {
+ "prompt_logprobs": 1
+ }
+ },
+ "endpoint": "/v1/completions",
+ "model": "Qwen/Qwen3-0.6B"
+ },
+ "response": {
+ "body": {
+ "__type__": "openai.types.completion.Completion",
+ "__data__": {
+ "id": "cmpl-df4fc1ac600a43778b6ad1e3781a4129",
+ "choices": [
+ {
+ "finish_reason": "length",
+ "index": 0,
+ "logprobs": null,
+ "text": " I'm a 14-year-old girl with a passion for science and tech",
+ "stop_reason": null,
+ "prompt_logprobs": [
+ null,
+ {
+ "11": {
+ "logprob": -8.8668212890625,
+ "rank": 1031,
+ "decoded_token": ","
+ },
+ "21806": {
+ "logprob": -4.8355712890625,
+ "rank": 1,
+ "decoded_token": "\u0120Answer"
+ }
+ },
+ {
+ "1879": {
+ "logprob": -4.7821879386901855,
+ "rank": 10,
+ "decoded_token": "\u0120world"
+ },
+ "358": {
+ "logprob": -0.9071879386901855,
+ "rank": 1,
+ "decoded_token": "\u0120I"
+ }
+ },
+ {
+ "0": {
+ "logprob": -1.6575366258621216,
+ "rank": 2,
+ "decoded_token": "!"
+ },
+ "13": {
+ "logprob": -1.4700366258621216,
+ "rank": 1,
+ "decoded_token": "."
+ }
+ }
+ ]
+ }
+ ],
+ "created": 1757524113,
+ "model": "Qwen/Qwen3-0.6B",
+ "object": "text_completion",
+ "system_fingerprint": null,
+ "usage": {
+ "completion_tokens": 16,
+ "prompt_tokens": 4,
+ "total_tokens": 20,
+ "completion_tokens_details": null,
+ "prompt_tokens_details": null
+ }
+ }
+ },
+ "is_streaming": false
+ }
+}
diff --git a/tests/integration/suites.py b/tests/integration/suites.py
index bacd7ef52..c0e1dc882 100644
--- a/tests/integration/suites.py
+++ b/tests/integration/suites.py
@@ -78,7 +78,7 @@ SETUP_DEFINITIONS: dict[str, Setup] = {
"VLLM_URL": "http://localhost:8000/v1",
},
defaults={
- "text_model": "vllm/meta-llama/Llama-3.2-1B-Instruct",
+ "text_model": "vllm/Qwen/Qwen3-0.6B",
"embedding_model": "sentence-transformers/all-MiniLM-L6-v2",
},
),
diff --git a/tests/unit/providers/inference/test_remote_vllm.py b/tests/unit/providers/inference/test_remote_vllm.py
index ce0e930b1..a48af2a1d 100644
--- a/tests/unit/providers/inference/test_remote_vllm.py
+++ b/tests/unit/providers/inference/test_remote_vllm.py
@@ -11,7 +11,7 @@ import threading
import time
from http.server import BaseHTTPRequestHandler, HTTPServer
from typing import Any
-from unittest.mock import AsyncMock, MagicMock, patch
+from unittest.mock import AsyncMock, MagicMock, PropertyMock, patch
import pytest
from openai.types.chat.chat_completion_chunk import (
@@ -150,10 +150,12 @@ async def test_tool_call_response(vllm_inference_adapter):
"""Verify that tool call arguments from a CompletionMessage are correctly converted
into the expected JSON format."""
- # Patch the call to vllm so we can inspect the arguments sent were correct
- with patch.object(
- vllm_inference_adapter.client.chat.completions, "create", new_callable=AsyncMock
- ) as mock_nonstream_completion:
+ # Patch the client property to avoid instantiating a real AsyncOpenAI client
+ with patch.object(VLLMInferenceAdapter, "client", new_callable=PropertyMock) as mock_create_client:
+ mock_client = MagicMock()
+ mock_client.chat.completions.create = AsyncMock()
+ mock_create_client.return_value = mock_client
+
messages = [
SystemMessage(content="You are a helpful assistant"),
UserMessage(content="How many?"),
@@ -179,7 +181,7 @@ async def test_tool_call_response(vllm_inference_adapter):
tool_config=ToolConfig(tool_choice=ToolChoice.auto),
)
- assert mock_nonstream_completion.call_args.kwargs["messages"][2]["tool_calls"] == [
+ assert mock_client.chat.completions.create.call_args.kwargs["messages"][2]["tool_calls"] == [
{
"id": "foo",
"type": "function",
@@ -641,9 +643,7 @@ async def test_health_status_success(vllm_inference_adapter):
This test verifies that the health method returns a HealthResponse with status OK, only
when the connection to the vLLM server is successful.
"""
- # Set vllm_inference_adapter.client to None to ensure _create_client is called
- vllm_inference_adapter.client = None
- with patch.object(vllm_inference_adapter, "_create_client") as mock_create_client:
+ with patch.object(VLLMInferenceAdapter, "client", new_callable=PropertyMock) as mock_create_client:
# Create mock client and models
mock_client = MagicMock()
mock_models = MagicMock()
@@ -674,8 +674,7 @@ async def test_health_status_failure(vllm_inference_adapter):
This test verifies that the health method returns a HealthResponse with status ERROR
and an appropriate error message when the connection to the vLLM server fails.
"""
- vllm_inference_adapter.client = None
- with patch.object(vllm_inference_adapter, "_create_client") as mock_create_client:
+ with patch.object(VLLMInferenceAdapter, "client", new_callable=PropertyMock) as mock_create_client:
# Create mock client and models
mock_client = MagicMock()
mock_models = MagicMock()