mirror of
https://github.com/meta-llama/llama-stack.git
synced 2025-08-15 14:08:00 +00:00
Merge branch 'main' into vector-store-chunks
This commit is contained in:
commit
469413a90d
72 changed files with 10143 additions and 1784 deletions
128
.github/actions/run-and-record-tests/action.yml
vendored
128
.github/actions/run-and-record-tests/action.yml
vendored
|
@ -29,132 +29,16 @@ runs:
|
||||||
free -h
|
free -h
|
||||||
df -h
|
df -h
|
||||||
|
|
||||||
- name: Set environment variables
|
|
||||||
shell: bash
|
|
||||||
run: |
|
|
||||||
echo "LLAMA_STACK_CLIENT_TIMEOUT=300" >> $GITHUB_ENV
|
|
||||||
echo "LLAMA_STACK_TEST_INFERENCE_MODE=${{ inputs.inference-mode }}" >> $GITHUB_ENV
|
|
||||||
|
|
||||||
# Configure provider-specific settings
|
|
||||||
if [ "${{ inputs.provider }}" == "ollama" ]; then
|
|
||||||
echo "OLLAMA_URL=http://0.0.0.0:11434" >> $GITHUB_ENV
|
|
||||||
echo "TEXT_MODEL=ollama/llama3.2:3b-instruct-fp16" >> $GITHUB_ENV
|
|
||||||
echo "SAFETY_MODEL=ollama/llama-guard3:1b" >> $GITHUB_ENV
|
|
||||||
else
|
|
||||||
echo "VLLM_URL=http://localhost:8000/v1" >> $GITHUB_ENV
|
|
||||||
echo "TEXT_MODEL=vllm/meta-llama/Llama-3.2-1B-Instruct" >> $GITHUB_ENV
|
|
||||||
fi
|
|
||||||
|
|
||||||
if [ "${{ inputs.run-vision-tests }}" == "true" ]; then
|
|
||||||
echo "LLAMA_STACK_TEST_RECORDING_DIR=tests/integration/recordings/vision" >> $GITHUB_ENV
|
|
||||||
else
|
|
||||||
echo "LLAMA_STACK_TEST_RECORDING_DIR=tests/integration/recordings" >> $GITHUB_ENV
|
|
||||||
fi
|
|
||||||
|
|
||||||
- name: Run Llama Stack Server
|
|
||||||
if: ${{ contains(inputs.stack-config, 'server:') }}
|
|
||||||
shell: bash
|
|
||||||
run: |
|
|
||||||
# Run this so pytest in a loop doesn't start-stop servers in a loop
|
|
||||||
echo "Starting Llama Stack Server"
|
|
||||||
nohup uv run llama stack run ci-tests --image-type venv > server.log 2>&1 &
|
|
||||||
|
|
||||||
echo "Waiting for Llama Stack Server to start"
|
|
||||||
for i in {1..30}; do
|
|
||||||
if curl -s http://localhost:8321/v1/health | grep -q "OK"; then
|
|
||||||
echo "Llama Stack Server started"
|
|
||||||
exit 0
|
|
||||||
fi
|
|
||||||
sleep 1
|
|
||||||
done
|
|
||||||
|
|
||||||
echo "Llama Stack Server failed to start"
|
|
||||||
cat server.log
|
|
||||||
exit 1
|
|
||||||
|
|
||||||
- name: Run Integration Tests
|
- name: Run Integration Tests
|
||||||
shell: bash
|
shell: bash
|
||||||
run: |
|
run: |
|
||||||
stack_config="${{ inputs.stack-config }}"
|
./scripts/integration-tests.sh \
|
||||||
EXCLUDE_TESTS="builtin_tool or safety_with_image or code_interpreter or test_rag"
|
--stack-config '${{ inputs.stack-config }}' \
|
||||||
|
--provider '${{ inputs.provider }}' \
|
||||||
|
--test-types '${{ inputs.test-types }}' \
|
||||||
|
--inference-mode '${{ inputs.inference-mode }}' \
|
||||||
|
${{ inputs.run-vision-tests == 'true' && '--run-vision-tests' || '' }}
|
||||||
|
|
||||||
# Configure provider-specific settings
|
|
||||||
if [ "${{ inputs.provider }}" == "ollama" ]; then
|
|
||||||
EXTRA_PARAMS="--safety-shield=llama-guard"
|
|
||||||
else
|
|
||||||
EXTRA_PARAMS=""
|
|
||||||
EXCLUDE_TESTS="${EXCLUDE_TESTS} or test_inference_store_tool_calls"
|
|
||||||
fi
|
|
||||||
|
|
||||||
if [ "${{ inputs.run-vision-tests }}" == "true" ]; then
|
|
||||||
if uv run pytest -s -v tests/integration/inference/test_vision_inference.py --stack-config=${stack_config} \
|
|
||||||
-k "not( ${EXCLUDE_TESTS} )" \
|
|
||||||
--vision-model=ollama/llama3.2-vision:11b \
|
|
||||||
--embedding-model=sentence-transformers/all-MiniLM-L6-v2 \
|
|
||||||
--color=yes ${EXTRA_PARAMS} \
|
|
||||||
--capture=tee-sys | tee pytest-${{ inputs.inference-mode }}-vision.log; then
|
|
||||||
echo "✅ Tests completed for vision"
|
|
||||||
else
|
|
||||||
echo "❌ Tests failed for vision"
|
|
||||||
exit 1
|
|
||||||
fi
|
|
||||||
|
|
||||||
exit 0
|
|
||||||
fi
|
|
||||||
|
|
||||||
# Run non-vision tests
|
|
||||||
TEST_TYPES='${{ inputs.test-types }}'
|
|
||||||
echo "Test types to run: $TEST_TYPES"
|
|
||||||
|
|
||||||
# Collect all test files for the specified test types
|
|
||||||
TEST_FILES=""
|
|
||||||
for test_type in $(echo "$TEST_TYPES" | jq -r '.[]'); do
|
|
||||||
# if provider is vllm, exclude the following tests: (safety, post_training, tool_runtime)
|
|
||||||
if [ "${{ inputs.provider }}" == "vllm" ]; then
|
|
||||||
if [ "$test_type" == "safety" ] || [ "$test_type" == "post_training" ] || [ "$test_type" == "tool_runtime" ]; then
|
|
||||||
echo "Skipping $test_type for vllm provider"
|
|
||||||
continue
|
|
||||||
fi
|
|
||||||
fi
|
|
||||||
|
|
||||||
if [ -d "tests/integration/$test_type" ]; then
|
|
||||||
# Find all Python test files in this directory
|
|
||||||
test_files=$(find tests/integration/$test_type -name "test_*.py" -o -name "*_test.py")
|
|
||||||
if [ -n "$test_files" ]; then
|
|
||||||
TEST_FILES="$TEST_FILES $test_files"
|
|
||||||
echo "Added test files from $test_type: $(echo $test_files | wc -w) files"
|
|
||||||
fi
|
|
||||||
else
|
|
||||||
echo "Warning: Directory tests/integration/$test_type does not exist"
|
|
||||||
fi
|
|
||||||
done
|
|
||||||
|
|
||||||
if [ -z "$TEST_FILES" ]; then
|
|
||||||
echo "No test files found for the specified test types"
|
|
||||||
exit 1
|
|
||||||
fi
|
|
||||||
|
|
||||||
echo "=== Running all collected tests in a single pytest command ==="
|
|
||||||
echo "Total test files: $(echo $TEST_FILES | wc -w)"
|
|
||||||
|
|
||||||
if uv run pytest -s -v $TEST_FILES --stack-config=${stack_config} \
|
|
||||||
-k "not( ${EXCLUDE_TESTS} )" \
|
|
||||||
--text-model=$TEXT_MODEL \
|
|
||||||
--embedding-model=sentence-transformers/all-MiniLM-L6-v2 \
|
|
||||||
--color=yes ${EXTRA_PARAMS} \
|
|
||||||
--capture=tee-sys | tee pytest-${{ inputs.inference-mode }}-all.log; then
|
|
||||||
echo "✅ All tests completed successfully"
|
|
||||||
else
|
|
||||||
echo "❌ Tests failed"
|
|
||||||
exit 1
|
|
||||||
fi
|
|
||||||
|
|
||||||
- name: Check Storage and Memory Available After Tests
|
|
||||||
if: ${{ always() }}
|
|
||||||
shell: bash
|
|
||||||
run: |
|
|
||||||
free -h
|
|
||||||
df -h
|
|
||||||
|
|
||||||
- name: Commit and push recordings
|
- name: Commit and push recordings
|
||||||
if: ${{ inputs.inference-mode == 'record' }}
|
if: ${{ inputs.inference-mode == 'record' }}
|
||||||
|
|
|
@ -4,178 +4,13 @@
|
||||||
# This source code is licensed under the terms described in the LICENSE file in
|
# This source code is licensed under the terms described in the LICENSE file in
|
||||||
# the root directory of this source tree.
|
# the root directory of this source tree.
|
||||||
|
|
||||||
import json
|
|
||||||
from collections.abc import Iterable
|
|
||||||
|
|
||||||
import requests
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionAssistantMessageParam as OpenAIChatCompletionAssistantMessage,
|
|
||||||
)
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionContentPartImageParam as OpenAIChatCompletionContentPartImageParam,
|
|
||||||
)
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionContentPartParam as OpenAIChatCompletionContentPartParam,
|
|
||||||
)
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionContentPartTextParam as OpenAIChatCompletionContentPartTextParam,
|
|
||||||
)
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionMessageParam as OpenAIChatCompletionMessage,
|
|
||||||
)
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionMessageToolCallParam as OpenAIChatCompletionMessageToolCall,
|
|
||||||
)
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionSystemMessageParam as OpenAIChatCompletionSystemMessage,
|
|
||||||
)
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionToolMessageParam as OpenAIChatCompletionToolMessage,
|
|
||||||
)
|
|
||||||
from openai.types.chat import (
|
|
||||||
ChatCompletionUserMessageParam as OpenAIChatCompletionUserMessage,
|
|
||||||
)
|
|
||||||
from openai.types.chat.chat_completion_content_part_image_param import (
|
|
||||||
ImageURL as OpenAIImageURL,
|
|
||||||
)
|
|
||||||
from openai.types.chat.chat_completion_message_tool_call_param import (
|
|
||||||
Function as OpenAIFunction,
|
|
||||||
)
|
|
||||||
|
|
||||||
from llama_stack.apis.common.content_types import (
|
|
||||||
ImageContentItem,
|
|
||||||
InterleavedContent,
|
|
||||||
TextContentItem,
|
|
||||||
)
|
|
||||||
from llama_stack.apis.inference import (
|
|
||||||
ChatCompletionRequest,
|
|
||||||
CompletionMessage,
|
|
||||||
JsonSchemaResponseFormat,
|
|
||||||
Message,
|
|
||||||
SystemMessage,
|
|
||||||
ToolChoice,
|
|
||||||
ToolResponseMessage,
|
|
||||||
UserMessage,
|
|
||||||
)
|
|
||||||
from llama_stack.apis.models import Model
|
|
||||||
from llama_stack.log import get_logger
|
|
||||||
from llama_stack.models.llama.datatypes import BuiltinTool
|
|
||||||
from llama_stack.providers.utils.inference.litellm_openai_mixin import LiteLLMOpenAIMixin
|
from llama_stack.providers.utils.inference.litellm_openai_mixin import LiteLLMOpenAIMixin
|
||||||
from llama_stack.providers.utils.inference.openai_compat import (
|
|
||||||
convert_tooldef_to_openai_tool,
|
|
||||||
get_sampling_options,
|
|
||||||
)
|
|
||||||
from llama_stack.providers.utils.inference.prompt_adapter import convert_image_content_to_url
|
|
||||||
|
|
||||||
from .config import SambaNovaImplConfig
|
from .config import SambaNovaImplConfig
|
||||||
from .models import MODEL_ENTRIES
|
from .models import MODEL_ENTRIES
|
||||||
|
|
||||||
logger = get_logger(name=__name__, category="inference")
|
|
||||||
|
|
||||||
|
|
||||||
async def convert_message_to_openai_dict_with_b64_images(
|
|
||||||
message: Message | dict,
|
|
||||||
) -> OpenAIChatCompletionMessage:
|
|
||||||
"""
|
|
||||||
Convert a Message to an OpenAI API-compatible dictionary.
|
|
||||||
"""
|
|
||||||
# users can supply a dict instead of a Message object, we'll
|
|
||||||
# convert it to a Message object and proceed with some type safety.
|
|
||||||
if isinstance(message, dict):
|
|
||||||
if "role" not in message:
|
|
||||||
raise ValueError("role is required in message")
|
|
||||||
if message["role"] == "user":
|
|
||||||
message = UserMessage(**message)
|
|
||||||
elif message["role"] == "assistant":
|
|
||||||
message = CompletionMessage(**message)
|
|
||||||
elif message["role"] == "tool":
|
|
||||||
message = ToolResponseMessage(**message)
|
|
||||||
elif message["role"] == "system":
|
|
||||||
message = SystemMessage(**message)
|
|
||||||
else:
|
|
||||||
raise ValueError(f"Unsupported message role: {message['role']}")
|
|
||||||
|
|
||||||
# Map Llama Stack spec to OpenAI spec -
|
|
||||||
# str -> str
|
|
||||||
# {"type": "text", "text": ...} -> {"type": "text", "text": ...}
|
|
||||||
# {"type": "image", "image": {"url": {"uri": ...}}} -> {"type": "image_url", "image_url": {"url": ...}}
|
|
||||||
# {"type": "image", "image": {"data": ...}} -> {"type": "image_url", "image_url": {"url": "data:image/?;base64,..."}}
|
|
||||||
# List[...] -> List[...]
|
|
||||||
async def _convert_message_content(
|
|
||||||
content: InterleavedContent,
|
|
||||||
) -> str | Iterable[OpenAIChatCompletionContentPartParam]:
|
|
||||||
async def impl(
|
|
||||||
content_: InterleavedContent,
|
|
||||||
) -> str | OpenAIChatCompletionContentPartParam | list[OpenAIChatCompletionContentPartParam]:
|
|
||||||
# Llama Stack and OpenAI spec match for str and text input
|
|
||||||
if isinstance(content_, str):
|
|
||||||
return content_
|
|
||||||
elif isinstance(content_, TextContentItem):
|
|
||||||
return OpenAIChatCompletionContentPartTextParam(
|
|
||||||
type="text",
|
|
||||||
text=content_.text,
|
|
||||||
)
|
|
||||||
elif isinstance(content_, ImageContentItem):
|
|
||||||
return OpenAIChatCompletionContentPartImageParam(
|
|
||||||
type="image_url",
|
|
||||||
image_url=OpenAIImageURL(url=await convert_image_content_to_url(content_, download=True)),
|
|
||||||
)
|
|
||||||
elif isinstance(content_, list):
|
|
||||||
return [await impl(item) for item in content_]
|
|
||||||
else:
|
|
||||||
raise ValueError(f"Unsupported content type: {type(content_)}")
|
|
||||||
|
|
||||||
ret = await impl(content)
|
|
||||||
|
|
||||||
# OpenAI*Message expects a str or list
|
|
||||||
if isinstance(ret, str) or isinstance(ret, list):
|
|
||||||
return ret
|
|
||||||
else:
|
|
||||||
return [ret]
|
|
||||||
|
|
||||||
out: OpenAIChatCompletionMessage = None
|
|
||||||
if isinstance(message, UserMessage):
|
|
||||||
out = OpenAIChatCompletionUserMessage(
|
|
||||||
role="user",
|
|
||||||
content=await _convert_message_content(message.content),
|
|
||||||
)
|
|
||||||
elif isinstance(message, CompletionMessage):
|
|
||||||
out = OpenAIChatCompletionAssistantMessage(
|
|
||||||
role="assistant",
|
|
||||||
content=await _convert_message_content(message.content),
|
|
||||||
tool_calls=[
|
|
||||||
OpenAIChatCompletionMessageToolCall(
|
|
||||||
id=tool.call_id,
|
|
||||||
function=OpenAIFunction(
|
|
||||||
name=tool.tool_name if not isinstance(tool.tool_name, BuiltinTool) else tool.tool_name.value,
|
|
||||||
arguments=json.dumps(tool.arguments),
|
|
||||||
),
|
|
||||||
type="function",
|
|
||||||
)
|
|
||||||
for tool in message.tool_calls
|
|
||||||
]
|
|
||||||
or None,
|
|
||||||
)
|
|
||||||
elif isinstance(message, ToolResponseMessage):
|
|
||||||
out = OpenAIChatCompletionToolMessage(
|
|
||||||
role="tool",
|
|
||||||
tool_call_id=message.call_id,
|
|
||||||
content=await _convert_message_content(message.content),
|
|
||||||
)
|
|
||||||
elif isinstance(message, SystemMessage):
|
|
||||||
out = OpenAIChatCompletionSystemMessage(
|
|
||||||
role="system",
|
|
||||||
content=await _convert_message_content(message.content),
|
|
||||||
)
|
|
||||||
else:
|
|
||||||
raise ValueError(f"Unsupported message type: {type(message)}")
|
|
||||||
|
|
||||||
return out
|
|
||||||
|
|
||||||
|
|
||||||
class SambaNovaInferenceAdapter(LiteLLMOpenAIMixin):
|
class SambaNovaInferenceAdapter(LiteLLMOpenAIMixin):
|
||||||
_config: SambaNovaImplConfig
|
|
||||||
|
|
||||||
def __init__(self, config: SambaNovaImplConfig):
|
def __init__(self, config: SambaNovaImplConfig):
|
||||||
self.config = config
|
self.config = config
|
||||||
self.environment_available_models = []
|
self.environment_available_models = []
|
||||||
|
@ -185,89 +20,7 @@ class SambaNovaInferenceAdapter(LiteLLMOpenAIMixin):
|
||||||
litellm_provider_name="sambanova",
|
litellm_provider_name="sambanova",
|
||||||
api_key_from_config=self.config.api_key.get_secret_value() if self.config.api_key else None,
|
api_key_from_config=self.config.api_key.get_secret_value() if self.config.api_key else None,
|
||||||
provider_data_api_key_field="sambanova_api_key",
|
provider_data_api_key_field="sambanova_api_key",
|
||||||
|
openai_compat_api_base=self.config.url,
|
||||||
|
download_images=True, # SambaNova requires base64 image encoding
|
||||||
|
json_schema_strict=False, # SambaNova doesn't support strict=True yet
|
||||||
)
|
)
|
||||||
|
|
||||||
def _get_api_key(self) -> str:
|
|
||||||
config_api_key = self.config.api_key if self.config.api_key else None
|
|
||||||
if config_api_key:
|
|
||||||
return config_api_key.get_secret_value()
|
|
||||||
else:
|
|
||||||
provider_data = self.get_request_provider_data()
|
|
||||||
if provider_data is None or not provider_data.sambanova_api_key:
|
|
||||||
raise ValueError(
|
|
||||||
'Pass Sambanova API Key in the header X-LlamaStack-Provider-Data as { "sambanova_api_key": <your api key> }'
|
|
||||||
)
|
|
||||||
return provider_data.sambanova_api_key
|
|
||||||
|
|
||||||
async def _get_params(self, request: ChatCompletionRequest) -> dict:
|
|
||||||
input_dict = {}
|
|
||||||
|
|
||||||
input_dict["messages"] = [await convert_message_to_openai_dict_with_b64_images(m) for m in request.messages]
|
|
||||||
if fmt := request.response_format:
|
|
||||||
if not isinstance(fmt, JsonSchemaResponseFormat):
|
|
||||||
raise ValueError(
|
|
||||||
f"Unsupported response format: {type(fmt)}. Only JsonSchemaResponseFormat is supported."
|
|
||||||
)
|
|
||||||
|
|
||||||
fmt = fmt.json_schema
|
|
||||||
name = fmt["title"]
|
|
||||||
del fmt["title"]
|
|
||||||
fmt["additionalProperties"] = False
|
|
||||||
|
|
||||||
# Apply additionalProperties: False recursively to all objects
|
|
||||||
fmt = self._add_additional_properties_recursive(fmt)
|
|
||||||
|
|
||||||
input_dict["response_format"] = {
|
|
||||||
"type": "json_schema",
|
|
||||||
"json_schema": {
|
|
||||||
"name": name,
|
|
||||||
"schema": fmt,
|
|
||||||
"strict": False,
|
|
||||||
},
|
|
||||||
}
|
|
||||||
if request.tools:
|
|
||||||
input_dict["tools"] = [convert_tooldef_to_openai_tool(tool) for tool in request.tools]
|
|
||||||
if request.tool_config.tool_choice:
|
|
||||||
input_dict["tool_choice"] = (
|
|
||||||
request.tool_config.tool_choice.value
|
|
||||||
if isinstance(request.tool_config.tool_choice, ToolChoice)
|
|
||||||
else request.tool_config.tool_choice
|
|
||||||
)
|
|
||||||
|
|
||||||
provider_data = self.get_request_provider_data()
|
|
||||||
key_field = self.provider_data_api_key_field
|
|
||||||
if provider_data and getattr(provider_data, key_field, None):
|
|
||||||
api_key = getattr(provider_data, key_field)
|
|
||||||
else:
|
|
||||||
api_key = self._get_api_key()
|
|
||||||
|
|
||||||
return {
|
|
||||||
"model": request.model,
|
|
||||||
"api_key": api_key,
|
|
||||||
"api_base": self.config.url,
|
|
||||||
**input_dict,
|
|
||||||
"stream": request.stream,
|
|
||||||
**get_sampling_options(request.sampling_params),
|
|
||||||
}
|
|
||||||
|
|
||||||
async def register_model(self, model: Model) -> Model:
|
|
||||||
model_id = self.get_provider_model_id(model.provider_resource_id)
|
|
||||||
|
|
||||||
list_models_url = self.config.url + "/models"
|
|
||||||
if len(self.environment_available_models) == 0:
|
|
||||||
try:
|
|
||||||
response = requests.get(list_models_url)
|
|
||||||
response.raise_for_status()
|
|
||||||
except requests.exceptions.RequestException as e:
|
|
||||||
raise RuntimeError(f"Request to {list_models_url} failed") from e
|
|
||||||
self.environment_available_models = [model.get("id") for model in response.json().get("data", {})]
|
|
||||||
|
|
||||||
if model_id.split("sambanova/")[-1] not in self.environment_available_models:
|
|
||||||
logger.warning(f"Model {model_id} not available in {list_models_url}")
|
|
||||||
return model
|
|
||||||
|
|
||||||
async def initialize(self):
|
|
||||||
await super().initialize()
|
|
||||||
|
|
||||||
async def shutdown(self):
|
|
||||||
await super().shutdown()
|
|
||||||
|
|
|
@ -72,6 +72,8 @@ class LiteLLMOpenAIMixin(
|
||||||
api_key_from_config: str | None,
|
api_key_from_config: str | None,
|
||||||
provider_data_api_key_field: str,
|
provider_data_api_key_field: str,
|
||||||
openai_compat_api_base: str | None = None,
|
openai_compat_api_base: str | None = None,
|
||||||
|
download_images: bool = False,
|
||||||
|
json_schema_strict: bool = True,
|
||||||
):
|
):
|
||||||
"""
|
"""
|
||||||
Initialize the LiteLLMOpenAIMixin.
|
Initialize the LiteLLMOpenAIMixin.
|
||||||
|
@ -81,6 +83,8 @@ class LiteLLMOpenAIMixin(
|
||||||
:param provider_data_api_key_field: The field in the provider data that contains the API key.
|
:param provider_data_api_key_field: The field in the provider data that contains the API key.
|
||||||
:param litellm_provider_name: The name of the provider, used for model lookups.
|
:param litellm_provider_name: The name of the provider, used for model lookups.
|
||||||
:param openai_compat_api_base: The base URL for OpenAI compatibility, or None if not using OpenAI compatibility.
|
:param openai_compat_api_base: The base URL for OpenAI compatibility, or None if not using OpenAI compatibility.
|
||||||
|
:param download_images: Whether to download images and convert to base64 for message conversion.
|
||||||
|
:param json_schema_strict: Whether to use strict mode for JSON schema validation.
|
||||||
"""
|
"""
|
||||||
ModelRegistryHelper.__init__(self, model_entries)
|
ModelRegistryHelper.__init__(self, model_entries)
|
||||||
|
|
||||||
|
@ -88,6 +92,8 @@ class LiteLLMOpenAIMixin(
|
||||||
self.api_key_from_config = api_key_from_config
|
self.api_key_from_config = api_key_from_config
|
||||||
self.provider_data_api_key_field = provider_data_api_key_field
|
self.provider_data_api_key_field = provider_data_api_key_field
|
||||||
self.api_base = openai_compat_api_base
|
self.api_base = openai_compat_api_base
|
||||||
|
self.download_images = download_images
|
||||||
|
self.json_schema_strict = json_schema_strict
|
||||||
|
|
||||||
if openai_compat_api_base:
|
if openai_compat_api_base:
|
||||||
self.is_openai_compat = True
|
self.is_openai_compat = True
|
||||||
|
@ -206,7 +212,9 @@ class LiteLLMOpenAIMixin(
|
||||||
async def _get_params(self, request: ChatCompletionRequest) -> dict:
|
async def _get_params(self, request: ChatCompletionRequest) -> dict:
|
||||||
input_dict = {}
|
input_dict = {}
|
||||||
|
|
||||||
input_dict["messages"] = [await convert_message_to_openai_dict_new(m) for m in request.messages]
|
input_dict["messages"] = [
|
||||||
|
await convert_message_to_openai_dict_new(m, download_images=self.download_images) for m in request.messages
|
||||||
|
]
|
||||||
if fmt := request.response_format:
|
if fmt := request.response_format:
|
||||||
if not isinstance(fmt, JsonSchemaResponseFormat):
|
if not isinstance(fmt, JsonSchemaResponseFormat):
|
||||||
raise ValueError(
|
raise ValueError(
|
||||||
|
@ -226,7 +234,7 @@ class LiteLLMOpenAIMixin(
|
||||||
"json_schema": {
|
"json_schema": {
|
||||||
"name": name,
|
"name": name,
|
||||||
"schema": fmt,
|
"schema": fmt,
|
||||||
"strict": True,
|
"strict": self.json_schema_strict,
|
||||||
},
|
},
|
||||||
}
|
}
|
||||||
if request.tools:
|
if request.tools:
|
||||||
|
|
|
@ -564,6 +564,7 @@ class UnparseableToolCall(BaseModel):
|
||||||
|
|
||||||
async def convert_message_to_openai_dict_new(
|
async def convert_message_to_openai_dict_new(
|
||||||
message: Message | dict,
|
message: Message | dict,
|
||||||
|
download_images: bool = False,
|
||||||
) -> OpenAIChatCompletionMessage:
|
) -> OpenAIChatCompletionMessage:
|
||||||
"""
|
"""
|
||||||
Convert a Message to an OpenAI API-compatible dictionary.
|
Convert a Message to an OpenAI API-compatible dictionary.
|
||||||
|
@ -607,7 +608,9 @@ async def convert_message_to_openai_dict_new(
|
||||||
elif isinstance(content_, ImageContentItem):
|
elif isinstance(content_, ImageContentItem):
|
||||||
return OpenAIChatCompletionContentPartImageParam(
|
return OpenAIChatCompletionContentPartImageParam(
|
||||||
type="image_url",
|
type="image_url",
|
||||||
image_url=OpenAIImageURL(url=await convert_image_content_to_url(content_)),
|
image_url=OpenAIImageURL(
|
||||||
|
url=await convert_image_content_to_url(content_, download=download_images)
|
||||||
|
),
|
||||||
)
|
)
|
||||||
elif isinstance(content_, list):
|
elif isinstance(content_, list):
|
||||||
return [await impl(item) for item in content_]
|
return [await impl(item) for item in content_]
|
||||||
|
|
|
@ -217,55 +217,21 @@ class ResponseStorage:
|
||||||
return cast(dict[str, Any], data)
|
return cast(dict[str, Any], data)
|
||||||
|
|
||||||
|
|
||||||
async def _patched_inference_method(original_method, self, client_type, method_name=None, *args, **kwargs):
|
async def _patched_inference_method(original_method, self, client_type, endpoint, *args, **kwargs):
|
||||||
global _current_mode, _current_storage
|
global _current_mode, _current_storage
|
||||||
|
|
||||||
if _current_mode == InferenceMode.LIVE or _current_storage is None:
|
if _current_mode == InferenceMode.LIVE or _current_storage is None:
|
||||||
# Normal operation
|
# Normal operation
|
||||||
return await original_method(self, *args, **kwargs)
|
return await original_method(self, *args, **kwargs)
|
||||||
|
|
||||||
# Get base URL and endpoint based on client type
|
# Get base URL based on client type
|
||||||
if client_type == "openai":
|
if client_type == "openai":
|
||||||
base_url = str(self._client.base_url)
|
base_url = str(self._client.base_url)
|
||||||
|
|
||||||
# Determine endpoint based on the method's module/class path
|
|
||||||
method_str = str(original_method)
|
|
||||||
if "chat.completions" in method_str:
|
|
||||||
endpoint = "/v1/chat/completions"
|
|
||||||
elif "embeddings" in method_str:
|
|
||||||
endpoint = "/v1/embeddings"
|
|
||||||
elif "completions" in method_str:
|
|
||||||
endpoint = "/v1/completions"
|
|
||||||
else:
|
|
||||||
# Fallback - try to guess from the self object
|
|
||||||
if hasattr(self, "_resource") and hasattr(self._resource, "_resource"):
|
|
||||||
resource_name = getattr(self._resource._resource, "_resource", "unknown")
|
|
||||||
if "chat" in str(resource_name):
|
|
||||||
endpoint = "/v1/chat/completions"
|
|
||||||
elif "embeddings" in str(resource_name):
|
|
||||||
endpoint = "/v1/embeddings"
|
|
||||||
else:
|
|
||||||
endpoint = "/v1/completions"
|
|
||||||
else:
|
|
||||||
endpoint = "/v1/completions"
|
|
||||||
|
|
||||||
elif client_type == "ollama":
|
elif client_type == "ollama":
|
||||||
# Get base URL from the client (Ollama client uses host attribute)
|
# Get base URL from the client (Ollama client uses host attribute)
|
||||||
base_url = getattr(self, "host", "http://localhost:11434")
|
base_url = getattr(self, "host", "http://localhost:11434")
|
||||||
if not base_url.startswith("http"):
|
if not base_url.startswith("http"):
|
||||||
base_url = f"http://{base_url}"
|
base_url = f"http://{base_url}"
|
||||||
|
|
||||||
# Determine endpoint based on method name
|
|
||||||
if method_name == "generate":
|
|
||||||
endpoint = "/api/generate"
|
|
||||||
elif method_name == "chat":
|
|
||||||
endpoint = "/api/chat"
|
|
||||||
elif method_name == "embed":
|
|
||||||
endpoint = "/api/embeddings"
|
|
||||||
elif method_name == "list":
|
|
||||||
endpoint = "/api/tags"
|
|
||||||
else:
|
|
||||||
endpoint = f"/api/{method_name}"
|
|
||||||
else:
|
else:
|
||||||
raise ValueError(f"Unknown client type: {client_type}")
|
raise ValueError(f"Unknown client type: {client_type}")
|
||||||
|
|
||||||
|
@ -366,14 +332,18 @@ def patch_inference_clients():
|
||||||
# Create patched methods for OpenAI client
|
# Create patched methods for OpenAI client
|
||||||
async def patched_chat_completions_create(self, *args, **kwargs):
|
async def patched_chat_completions_create(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(
|
return await _patched_inference_method(
|
||||||
_original_methods["chat_completions_create"], self, "openai", *args, **kwargs
|
_original_methods["chat_completions_create"], self, "openai", "/v1/chat/completions", *args, **kwargs
|
||||||
)
|
)
|
||||||
|
|
||||||
async def patched_completions_create(self, *args, **kwargs):
|
async def patched_completions_create(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(_original_methods["completions_create"], self, "openai", *args, **kwargs)
|
return await _patched_inference_method(
|
||||||
|
_original_methods["completions_create"], self, "openai", "/v1/completions", *args, **kwargs
|
||||||
|
)
|
||||||
|
|
||||||
async def patched_embeddings_create(self, *args, **kwargs):
|
async def patched_embeddings_create(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(_original_methods["embeddings_create"], self, "openai", *args, **kwargs)
|
return await _patched_inference_method(
|
||||||
|
_original_methods["embeddings_create"], self, "openai", "/v1/embeddings", *args, **kwargs
|
||||||
|
)
|
||||||
|
|
||||||
# Apply OpenAI patches
|
# Apply OpenAI patches
|
||||||
AsyncChatCompletions.create = patched_chat_completions_create
|
AsyncChatCompletions.create = patched_chat_completions_create
|
||||||
|
@ -383,30 +353,32 @@ def patch_inference_clients():
|
||||||
# Create patched methods for Ollama client
|
# Create patched methods for Ollama client
|
||||||
async def patched_ollama_generate(self, *args, **kwargs):
|
async def patched_ollama_generate(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(
|
return await _patched_inference_method(
|
||||||
_original_methods["ollama_generate"], self, "ollama", "generate", *args, **kwargs
|
_original_methods["ollama_generate"], self, "ollama", "/api/generate", *args, **kwargs
|
||||||
)
|
)
|
||||||
|
|
||||||
async def patched_ollama_chat(self, *args, **kwargs):
|
async def patched_ollama_chat(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(
|
return await _patched_inference_method(
|
||||||
_original_methods["ollama_chat"], self, "ollama", "chat", *args, **kwargs
|
_original_methods["ollama_chat"], self, "ollama", "/api/chat", *args, **kwargs
|
||||||
)
|
)
|
||||||
|
|
||||||
async def patched_ollama_embed(self, *args, **kwargs):
|
async def patched_ollama_embed(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(
|
return await _patched_inference_method(
|
||||||
_original_methods["ollama_embed"], self, "ollama", "embed", *args, **kwargs
|
_original_methods["ollama_embed"], self, "ollama", "/api/embeddings", *args, **kwargs
|
||||||
)
|
)
|
||||||
|
|
||||||
async def patched_ollama_ps(self, *args, **kwargs):
|
async def patched_ollama_ps(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(_original_methods["ollama_ps"], self, "ollama", "ps", *args, **kwargs)
|
return await _patched_inference_method(
|
||||||
|
_original_methods["ollama_ps"], self, "ollama", "/api/ps", *args, **kwargs
|
||||||
|
)
|
||||||
|
|
||||||
async def patched_ollama_pull(self, *args, **kwargs):
|
async def patched_ollama_pull(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(
|
return await _patched_inference_method(
|
||||||
_original_methods["ollama_pull"], self, "ollama", "pull", *args, **kwargs
|
_original_methods["ollama_pull"], self, "ollama", "/api/pull", *args, **kwargs
|
||||||
)
|
)
|
||||||
|
|
||||||
async def patched_ollama_list(self, *args, **kwargs):
|
async def patched_ollama_list(self, *args, **kwargs):
|
||||||
return await _patched_inference_method(
|
return await _patched_inference_method(
|
||||||
_original_methods["ollama_list"], self, "ollama", "list", *args, **kwargs
|
_original_methods["ollama_list"], self, "ollama", "/api/tags", *args, **kwargs
|
||||||
)
|
)
|
||||||
|
|
||||||
# Apply Ollama patches
|
# Apply Ollama patches
|
||||||
|
|
240
scripts/integration-tests.sh
Executable file
240
scripts/integration-tests.sh
Executable file
|
@ -0,0 +1,240 @@
|
||||||
|
#!/bin/bash
|
||||||
|
# Copyright (c) Meta Platforms, Inc. and affiliates.
|
||||||
|
# All rights reserved.
|
||||||
|
#
|
||||||
|
# This source code is licensed under the terms described in the LICENSE file in
|
||||||
|
# the root directory of this source tree.
|
||||||
|
|
||||||
|
set -e
|
||||||
|
|
||||||
|
# Integration test runner script for Llama Stack
|
||||||
|
# This script extracts the integration test logic from GitHub Actions
|
||||||
|
# to allow developers to run integration tests locally
|
||||||
|
|
||||||
|
# Default values
|
||||||
|
STACK_CONFIG=""
|
||||||
|
PROVIDER=""
|
||||||
|
TEST_TYPES='["inference"]'
|
||||||
|
RUN_VISION_TESTS="false"
|
||||||
|
INFERENCE_MODE="replay"
|
||||||
|
EXTRA_PARAMS=""
|
||||||
|
|
||||||
|
# Function to display usage
|
||||||
|
usage() {
|
||||||
|
cat << EOF
|
||||||
|
Usage: $0 [OPTIONS]
|
||||||
|
|
||||||
|
Options:
|
||||||
|
--stack-config STRING Stack configuration to use (required)
|
||||||
|
--provider STRING Provider to use (ollama, vllm, etc.) (required)
|
||||||
|
--test-types JSON JSON array of test types to run (default: '["inference"]')
|
||||||
|
--run-vision-tests Run vision tests instead of regular tests
|
||||||
|
--inference-mode STRING Inference mode: record or replay (default: replay)
|
||||||
|
--help Show this help message
|
||||||
|
|
||||||
|
Examples:
|
||||||
|
# Basic inference tests with ollama
|
||||||
|
$0 --stack-config server:ollama --provider ollama
|
||||||
|
|
||||||
|
# Multiple test types with vllm
|
||||||
|
$0 --stack-config server:vllm --provider vllm --test-types '["inference", "agents"]'
|
||||||
|
|
||||||
|
# Vision tests with ollama
|
||||||
|
$0 --stack-config server:ollama --provider ollama --run-vision-tests
|
||||||
|
|
||||||
|
# Record mode for updating test recordings
|
||||||
|
$0 --stack-config server:ollama --provider ollama --inference-mode record
|
||||||
|
EOF
|
||||||
|
}
|
||||||
|
|
||||||
|
# Parse command line arguments
|
||||||
|
while [[ $# -gt 0 ]]; do
|
||||||
|
case $1 in
|
||||||
|
--stack-config)
|
||||||
|
STACK_CONFIG="$2"
|
||||||
|
shift 2
|
||||||
|
;;
|
||||||
|
--provider)
|
||||||
|
PROVIDER="$2"
|
||||||
|
shift 2
|
||||||
|
;;
|
||||||
|
--test-types)
|
||||||
|
TEST_TYPES="$2"
|
||||||
|
shift 2
|
||||||
|
;;
|
||||||
|
--run-vision-tests)
|
||||||
|
RUN_VISION_TESTS="true"
|
||||||
|
shift
|
||||||
|
;;
|
||||||
|
--inference-mode)
|
||||||
|
INFERENCE_MODE="$2"
|
||||||
|
shift 2
|
||||||
|
;;
|
||||||
|
--help)
|
||||||
|
usage
|
||||||
|
exit 0
|
||||||
|
;;
|
||||||
|
*)
|
||||||
|
echo "Unknown option: $1"
|
||||||
|
usage
|
||||||
|
exit 1
|
||||||
|
;;
|
||||||
|
esac
|
||||||
|
done
|
||||||
|
|
||||||
|
|
||||||
|
# Validate required parameters
|
||||||
|
if [[ -z "$STACK_CONFIG" ]]; then
|
||||||
|
echo "Error: --stack-config is required"
|
||||||
|
usage
|
||||||
|
exit 1
|
||||||
|
fi
|
||||||
|
|
||||||
|
if [[ -z "$PROVIDER" ]]; then
|
||||||
|
echo "Error: --provider is required"
|
||||||
|
usage
|
||||||
|
exit 1
|
||||||
|
fi
|
||||||
|
|
||||||
|
echo "=== Llama Stack Integration Test Runner ==="
|
||||||
|
echo "Stack Config: $STACK_CONFIG"
|
||||||
|
echo "Provider: $PROVIDER"
|
||||||
|
echo "Test Types: $TEST_TYPES"
|
||||||
|
echo "Vision Tests: $RUN_VISION_TESTS"
|
||||||
|
echo "Inference Mode: $INFERENCE_MODE"
|
||||||
|
echo ""
|
||||||
|
|
||||||
|
# Check storage and memory before tests
|
||||||
|
echo "=== System Resources Before Tests ==="
|
||||||
|
free -h 2>/dev/null || echo "free command not available"
|
||||||
|
df -h
|
||||||
|
echo ""
|
||||||
|
|
||||||
|
# Set environment variables
|
||||||
|
export LLAMA_STACK_CLIENT_TIMEOUT=300
|
||||||
|
export LLAMA_STACK_TEST_INFERENCE_MODE="$INFERENCE_MODE"
|
||||||
|
|
||||||
|
# Configure provider-specific settings
|
||||||
|
if [[ "$PROVIDER" == "ollama" ]]; then
|
||||||
|
export OLLAMA_URL="http://0.0.0.0:11434"
|
||||||
|
export TEXT_MODEL="ollama/llama3.2:3b-instruct-fp16"
|
||||||
|
export SAFETY_MODEL="ollama/llama-guard3:1b"
|
||||||
|
EXTRA_PARAMS="--safety-shield=llama-guard"
|
||||||
|
else
|
||||||
|
export VLLM_URL="http://localhost:8000/v1"
|
||||||
|
export TEXT_MODEL="vllm/meta-llama/Llama-3.2-1B-Instruct"
|
||||||
|
EXTRA_PARAMS=""
|
||||||
|
fi
|
||||||
|
|
||||||
|
# Set recording directory
|
||||||
|
if [[ "$RUN_VISION_TESTS" == "true" ]]; then
|
||||||
|
export LLAMA_STACK_TEST_RECORDING_DIR="tests/integration/recordings/vision"
|
||||||
|
else
|
||||||
|
export LLAMA_STACK_TEST_RECORDING_DIR="tests/integration/recordings"
|
||||||
|
fi
|
||||||
|
|
||||||
|
# Start Llama Stack Server if needed
|
||||||
|
if [[ "$STACK_CONFIG" == *"server:"* ]]; then
|
||||||
|
echo "=== Starting Llama Stack Server ==="
|
||||||
|
nohup uv run llama stack run ci-tests --image-type venv > server.log 2>&1 &
|
||||||
|
|
||||||
|
echo "Waiting for Llama Stack Server to start..."
|
||||||
|
for i in {1..30}; do
|
||||||
|
if curl -s http://localhost:8321/v1/health 2>/dev/null | grep -q "OK"; then
|
||||||
|
echo "✅ Llama Stack Server started successfully"
|
||||||
|
break
|
||||||
|
fi
|
||||||
|
if [[ $i -eq 30 ]]; then
|
||||||
|
echo "❌ Llama Stack Server failed to start"
|
||||||
|
echo "Server logs:"
|
||||||
|
cat server.log
|
||||||
|
exit 1
|
||||||
|
fi
|
||||||
|
sleep 1
|
||||||
|
done
|
||||||
|
echo ""
|
||||||
|
fi
|
||||||
|
|
||||||
|
# Run tests
|
||||||
|
echo "=== Running Integration Tests ==="
|
||||||
|
EXCLUDE_TESTS="builtin_tool or safety_with_image or code_interpreter or test_rag"
|
||||||
|
|
||||||
|
# Additional exclusions for vllm provider
|
||||||
|
if [[ "$PROVIDER" == "vllm" ]]; then
|
||||||
|
EXCLUDE_TESTS="${EXCLUDE_TESTS} or test_inference_store_tool_calls"
|
||||||
|
fi
|
||||||
|
|
||||||
|
# Run vision tests if specified
|
||||||
|
if [[ "$RUN_VISION_TESTS" == "true" ]]; then
|
||||||
|
echo "Running vision tests..."
|
||||||
|
if uv run pytest -s -v tests/integration/inference/test_vision_inference.py \
|
||||||
|
--stack-config="$STACK_CONFIG" \
|
||||||
|
-k "not( $EXCLUDE_TESTS )" \
|
||||||
|
--vision-model=ollama/llama3.2-vision:11b \
|
||||||
|
--embedding-model=sentence-transformers/all-MiniLM-L6-v2 \
|
||||||
|
--color=yes $EXTRA_PARAMS \
|
||||||
|
--capture=tee-sys | tee pytest-${INFERENCE_MODE}-vision.log; then
|
||||||
|
echo "✅ Vision tests completed successfully"
|
||||||
|
else
|
||||||
|
echo "❌ Vision tests failed"
|
||||||
|
exit 1
|
||||||
|
fi
|
||||||
|
exit 0
|
||||||
|
fi
|
||||||
|
|
||||||
|
# Run regular tests
|
||||||
|
echo "Test types to run: $TEST_TYPES"
|
||||||
|
|
||||||
|
# Collect all test files for the specified test types
|
||||||
|
TEST_FILES=""
|
||||||
|
for test_type in $(echo "$TEST_TYPES" | jq -r '.[]'); do
|
||||||
|
# Skip certain test types for vllm provider
|
||||||
|
if [[ "$PROVIDER" == "vllm" ]]; then
|
||||||
|
if [[ "$test_type" == "safety" ]] || [[ "$test_type" == "post_training" ]] || [[ "$test_type" == "tool_runtime" ]]; then
|
||||||
|
echo "Skipping $test_type for vllm provider"
|
||||||
|
continue
|
||||||
|
fi
|
||||||
|
fi
|
||||||
|
|
||||||
|
if [[ -d "tests/integration/$test_type" ]]; then
|
||||||
|
# Find all Python test files in this directory
|
||||||
|
test_files=$(find tests/integration/$test_type -name "test_*.py" -o -name "*_test.py")
|
||||||
|
if [[ -n "$test_files" ]]; then
|
||||||
|
TEST_FILES="$TEST_FILES $test_files"
|
||||||
|
echo "Added test files from $test_type: $(echo $test_files | wc -w) files"
|
||||||
|
fi
|
||||||
|
else
|
||||||
|
echo "Warning: Directory tests/integration/$test_type does not exist"
|
||||||
|
fi
|
||||||
|
done
|
||||||
|
|
||||||
|
if [[ -z "$TEST_FILES" ]]; then
|
||||||
|
echo "No test files found for the specified test types"
|
||||||
|
exit 1
|
||||||
|
fi
|
||||||
|
|
||||||
|
echo ""
|
||||||
|
echo "=== Running all collected tests in a single pytest command ==="
|
||||||
|
echo "Total test files: $(echo $TEST_FILES | wc -w)"
|
||||||
|
|
||||||
|
if uv run pytest -s -v $TEST_FILES \
|
||||||
|
--stack-config="$STACK_CONFIG" \
|
||||||
|
-k "not( $EXCLUDE_TESTS )" \
|
||||||
|
--text-model="$TEXT_MODEL" \
|
||||||
|
--embedding-model=sentence-transformers/all-MiniLM-L6-v2 \
|
||||||
|
--color=yes $EXTRA_PARAMS \
|
||||||
|
--capture=tee-sys | tee pytest-${INFERENCE_MODE}-all.log; then
|
||||||
|
echo "✅ All tests completed successfully"
|
||||||
|
else
|
||||||
|
echo "❌ Tests failed"
|
||||||
|
exit 1
|
||||||
|
fi
|
||||||
|
|
||||||
|
# Check storage and memory after tests
|
||||||
|
echo ""
|
||||||
|
echo "=== System Resources After Tests ==="
|
||||||
|
free -h 2>/dev/null || echo "free command not available"
|
||||||
|
df -h
|
||||||
|
|
||||||
|
echo ""
|
||||||
|
echo "=== Integration Tests Complete ==="
|
Binary file not shown.
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:59:03.590710793Z",
|
"created_at": "2025-08-01T23:12:53.860911Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1043588135,
|
"total_duration": 249137667,
|
||||||
"load_duration": 41601119,
|
"load_duration": 152509542,
|
||||||
"prompt_eval_count": 216,
|
"prompt_eval_count": 216,
|
||||||
"prompt_eval_duration": 957017411,
|
"prompt_eval_duration": 71000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 44409088,
|
"eval_duration": 24000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:43:37.656005919Z",
|
"created_at": "2025-08-01T23:13:57.556416Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 2903834654,
|
"total_duration": 432363250,
|
||||||
"load_duration": 43364090,
|
"load_duration": 159296417,
|
||||||
"prompt_eval_count": 223,
|
"prompt_eval_count": 223,
|
||||||
"prompt_eval_duration": 2812583330,
|
"prompt_eval_duration": 257000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 47252843,
|
"eval_duration": 14000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
235
tests/integration/recordings/responses/0b3f2e4754ff.json
Normal file
235
tests/integration/recordings/responses/0b3f2e4754ff.json
Normal file
|
@ -0,0 +1,235 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://0.0.0.0:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "What is the capital of France?"
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"response_format": {
|
||||||
|
"type": "text"
|
||||||
|
},
|
||||||
|
"stream": true
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-29",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "The",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090031,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-29",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " capital",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090031,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-29",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " of",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090031,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-29",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " France",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090031,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-29",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " is",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090031,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-29",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " Paris",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090031,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-29",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": ".",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090031,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-29",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090031,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": true
|
||||||
|
}
|
||||||
|
}
|
56
tests/integration/recordings/responses/0e8f2b001dd9.json
Normal file
56
tests/integration/recordings/responses/0e8f2b001dd9.json
Normal file
|
@ -0,0 +1,56 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://localhost:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "Which planet has rings around it with a name starting with letter S?"
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"stream": false
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": {
|
||||||
|
"__type__": "openai.types.chat.chat_completion.ChatCompletion",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-368",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null,
|
||||||
|
"message": {
|
||||||
|
"content": "Saturn is known for its extensive ring system.",
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"annotations": null,
|
||||||
|
"audio": null,
|
||||||
|
"function_call": null,
|
||||||
|
"tool_calls": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": {
|
||||||
|
"completion_tokens": 11,
|
||||||
|
"prompt_tokens": 39,
|
||||||
|
"total_tokens": 50,
|
||||||
|
"completion_tokens_details": null,
|
||||||
|
"prompt_tokens_details": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
},
|
||||||
|
"is_streaming": false
|
||||||
|
}
|
||||||
|
}
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:58:57.232902036Z",
|
"created_at": "2025-08-01T23:12:51.682357Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1112852961,
|
"total_duration": 238161000,
|
||||||
"load_duration": 40973130,
|
"load_duration": 72494750,
|
||||||
"prompt_eval_count": 212,
|
"prompt_eval_count": 212,
|
||||||
"prompt_eval_duration": 898310684,
|
"prompt_eval_duration": 87000000,
|
||||||
"eval_count": 5,
|
"eval_count": 5,
|
||||||
"eval_duration": 173032826,
|
"eval_duration": 74000000,
|
||||||
"response": "unsafe\nS8",
|
"response": "unsafe\nS8",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:59:00.488769233Z",
|
"created_at": "2025-08-01T23:12:52.919624Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 983619113,
|
"total_duration": 201956834,
|
||||||
"load_duration": 41180204,
|
"load_duration": 105132584,
|
||||||
"prompt_eval_count": 212,
|
"prompt_eval_count": 212,
|
||||||
"prompt_eval_duration": 898774731,
|
"prompt_eval_duration": 75000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 43157634,
|
"eval_duration": 20000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
251
tests/integration/recordings/responses/173ecb3aab28.json
Normal file
251
tests/integration/recordings/responses/173ecb3aab28.json
Normal file
|
@ -0,0 +1,251 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://0.0.0.0:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "Message A: What is the capital of France?"
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"role": "assistant",
|
||||||
|
"content": "The capital of France is Paris."
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "Message B: What about Spain?"
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"role": "assistant",
|
||||||
|
"content": "The capital of Spain is Madrid."
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "Message C: And Italy?"
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"response_format": {
|
||||||
|
"type": "text"
|
||||||
|
},
|
||||||
|
"stream": true
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-457",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "The",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090032,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-457",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " capital",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090032,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-457",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " of",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090032,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-457",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " Italy",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090032,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-457",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " is",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090032,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-457",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " Rome",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090032,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-457",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": ".",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090032,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-457",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090032,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": true
|
||||||
|
}
|
||||||
|
}
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:59:02.537234214Z",
|
"created_at": "2025-08-01T23:12:53.580806Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1015701193,
|
"total_duration": 205732750,
|
||||||
"load_duration": 47423661,
|
"load_duration": 98967000,
|
||||||
"prompt_eval_count": 213,
|
"prompt_eval_count": 213,
|
||||||
"prompt_eval_duration": 923910712,
|
"prompt_eval_duration": 86000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 43825530,
|
"eval_duration": 18000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:58:58.335054803Z",
|
"created_at": "2025-08-01T23:12:52.354566Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1092208348,
|
"total_duration": 605192500,
|
||||||
"load_duration": 45235490,
|
"load_duration": 457087166,
|
||||||
"prompt_eval_count": 210,
|
"prompt_eval_count": 210,
|
||||||
"prompt_eval_duration": 872577650,
|
"prompt_eval_duration": 63000000,
|
||||||
"eval_count": 5,
|
"eval_count": 5,
|
||||||
"eval_duration": 173862384,
|
"eval_duration": 84000000,
|
||||||
"response": "unsafe\nS12",
|
"response": "unsafe\nS12",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:58:59.493522835Z",
|
"created_at": "2025-08-01T23:12:52.686478Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1148787184,
|
"total_duration": 304136208,
|
||||||
"load_duration": 42525776,
|
"load_duration": 155977000,
|
||||||
"prompt_eval_count": 213,
|
"prompt_eval_count": 213,
|
||||||
"prompt_eval_duration": 933024346,
|
"prompt_eval_duration": 71000000,
|
||||||
"eval_count": 5,
|
"eval_count": 5,
|
||||||
"eval_duration": 172702102,
|
"eval_duration": 76000000,
|
||||||
"response": "unsafe\nS2",
|
"response": "unsafe\nS2",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:58:55.036336937Z",
|
"created_at": "2025-08-01T23:12:51.186501Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 7465058538,
|
"total_duration": 3146184459,
|
||||||
"load_duration": 4385384246,
|
"load_duration": 2533467917,
|
||||||
"prompt_eval_count": 212,
|
"prompt_eval_count": 212,
|
||||||
"prompt_eval_duration": 2899257826,
|
"prompt_eval_duration": 526000000,
|
||||||
"eval_count": 5,
|
"eval_count": 5,
|
||||||
"eval_duration": 179706529,
|
"eval_duration": 83000000,
|
||||||
"response": "unsafe\nS1",
|
"response": "unsafe\nS1",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:59:01.511604644Z",
|
"created_at": "2025-08-01T23:12:53.332041Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1013469330,
|
"total_duration": 365895333,
|
||||||
"load_duration": 43788351,
|
"load_duration": 257825208,
|
||||||
"prompt_eval_count": 213,
|
"prompt_eval_count": 213,
|
||||||
"prompt_eval_duration": 924367637,
|
"prompt_eval_duration": 78000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 44766715,
|
"eval_duration": 28000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,15 +22,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:05.348866852Z",
|
"created_at": "2025-08-01T20:56:43.522189Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 8992037446,
|
"total_duration": 2392200042,
|
||||||
"load_duration": 46010833,
|
"load_duration": 150986167,
|
||||||
"prompt_eval_count": 18,
|
"prompt_eval_count": 18,
|
||||||
"prompt_eval_duration": 1464208894,
|
"prompt_eval_duration": 90000000,
|
||||||
"eval_count": 43,
|
"eval_count": 43,
|
||||||
"eval_duration": 7481270003,
|
"eval_duration": 2150000000,
|
||||||
"response": " _______.\n\nThe best answer is blue. The traditional nursery rhyme goes like this:\n\nRoses are red,\nViolets are blue,\nSugar is sweet,\nAnd so are you! (Or something similar.)",
|
"response": " _______.\n\nThe best answer is blue. The traditional nursery rhyme goes like this:\n\nRoses are red,\nViolets are blue,\nSugar is sweet,\nAnd so are you! (Or something similar.)",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:32.034301682Z",
|
"created_at": "2025-08-01T20:56:49.076962Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 2744857982,
|
"total_duration": 321102500,
|
||||||
"load_duration": 42715044,
|
"load_duration": 20223000,
|
||||||
"prompt_eval_count": 23,
|
"prompt_eval_count": 23,
|
||||||
"prompt_eval_duration": 1796728611,
|
"prompt_eval_duration": 72000000,
|
||||||
"eval_count": 6,
|
"eval_count": 6,
|
||||||
"eval_duration": 904888348,
|
"eval_duration": 227000000,
|
||||||
"response": "Humans live on Earth.",
|
"response": "Humans live on Earth.",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:24.112976431Z",
|
"created_at": "2025-08-01T23:14:01.887809Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:24.296397308Z",
|
"created_at": "2025-08-01T23:14:01.942369Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:24.481740915Z",
|
"created_at": "2025-08-01T23:14:01.99605Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:24.69085854Z",
|
"created_at": "2025-08-01T23:14:02.049974Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:24.912926392Z",
|
"created_at": "2025-08-01T23:14:02.102027Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:25.132377421Z",
|
"created_at": "2025-08-01T23:14:02.158416Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:25.350113938Z",
|
"created_at": "2025-08-01T23:14:02.211753Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:25.570117503Z",
|
"created_at": "2025-08-01T23:14:02.265564Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:25.781633125Z",
|
"created_at": "2025-08-01T23:14:02.31618Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:25.967547363Z",
|
"created_at": "2025-08-01T23:14:02.370325Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:26.153858447Z",
|
"created_at": "2025-08-01T23:14:02.424667Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:26.339696219Z",
|
"created_at": "2025-08-01T23:14:02.47913Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,15 +238,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:26.527991344Z",
|
"created_at": "2025-08-01T23:14:02.536984Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4477782788,
|
"total_duration": 1042724125,
|
||||||
"load_duration": 41272054,
|
"load_duration": 86161375,
|
||||||
"prompt_eval_count": 399,
|
"prompt_eval_count": 399,
|
||||||
"prompt_eval_duration": 2019228112,
|
"prompt_eval_duration": 305000000,
|
||||||
"eval_count": 13,
|
"eval_count": 13,
|
||||||
"eval_duration": 2416529563,
|
"eval_duration": 650000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:10.501556237Z",
|
"created_at": "2025-08-01T23:14:11.938867Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:10.681603728Z",
|
"created_at": "2025-08-01T23:14:11.991247Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:10.862378525Z",
|
"created_at": "2025-08-01T23:14:12.043953Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:11.048405016Z",
|
"created_at": "2025-08-01T23:14:12.096001Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:11.232090592Z",
|
"created_at": "2025-08-01T23:14:12.150454Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:11.411960511Z",
|
"created_at": "2025-08-01T23:14:12.201249Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:11.594645161Z",
|
"created_at": "2025-08-01T23:14:12.252534Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:11.770984586Z",
|
"created_at": "2025-08-01T23:14:12.30063Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:11.959640962Z",
|
"created_at": "2025-08-01T23:14:12.351034Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:12.15150461Z",
|
"created_at": "2025-08-01T23:14:12.405032Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:12.329179165Z",
|
"created_at": "2025-08-01T23:14:12.462645Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:12.508407538Z",
|
"created_at": "2025-08-01T23:14:12.520337Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,7 +238,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:12.687572823Z",
|
"created_at": "2025-08-01T23:14:12.575809Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -256,7 +256,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:12.863560188Z",
|
"created_at": "2025-08-01T23:14:12.633724Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -274,7 +274,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:13.044545528Z",
|
"created_at": "2025-08-01T23:14:12.683133Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -292,7 +292,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:13.221961172Z",
|
"created_at": "2025-08-01T23:14:12.734309Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -310,7 +310,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:13.401324607Z",
|
"created_at": "2025-08-01T23:14:12.785917Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -328,7 +328,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:13.582305037Z",
|
"created_at": "2025-08-01T23:14:12.835705Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -346,7 +346,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:13.76376504Z",
|
"created_at": "2025-08-01T23:14:12.886509Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -364,7 +364,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:13.944303696Z",
|
"created_at": "2025-08-01T23:14:12.937134Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -382,7 +382,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:14.125163201Z",
|
"created_at": "2025-08-01T23:14:12.988532Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -400,7 +400,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:14.305006544Z",
|
"created_at": "2025-08-01T23:14:13.041798Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -418,7 +418,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:14.484481513Z",
|
"created_at": "2025-08-01T23:14:13.095443Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -436,7 +436,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:14.667407015Z",
|
"created_at": "2025-08-01T23:14:13.151402Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -454,7 +454,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:14.845425227Z",
|
"created_at": "2025-08-01T23:14:13.203462Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -472,7 +472,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:15.028728032Z",
|
"created_at": "2025-08-01T23:14:13.254567Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -490,7 +490,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:15.209162691Z",
|
"created_at": "2025-08-01T23:14:13.305865Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -508,7 +508,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:15.386536468Z",
|
"created_at": "2025-08-01T23:14:13.357658Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -526,7 +526,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:15.567411759Z",
|
"created_at": "2025-08-01T23:14:13.407773Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -544,7 +544,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:15.746245449Z",
|
"created_at": "2025-08-01T23:14:13.458919Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -562,7 +562,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:15.924864832Z",
|
"created_at": "2025-08-01T23:14:13.510456Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -580,7 +580,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:16.108171685Z",
|
"created_at": "2025-08-01T23:14:13.565948Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -598,7 +598,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:16.290545444Z",
|
"created_at": "2025-08-01T23:14:13.619155Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -616,7 +616,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:16.471500704Z",
|
"created_at": "2025-08-01T23:14:13.672754Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -634,7 +634,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:16.65171538Z",
|
"created_at": "2025-08-01T23:14:13.729473Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -652,7 +652,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:16.835027449Z",
|
"created_at": "2025-08-01T23:14:13.788666Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -670,7 +670,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:17.01515185Z",
|
"created_at": "2025-08-01T23:14:13.850575Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -688,7 +688,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:17.195610049Z",
|
"created_at": "2025-08-01T23:14:13.904807Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -706,7 +706,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:17.374675826Z",
|
"created_at": "2025-08-01T23:14:13.958524Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -724,7 +724,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:17.554298267Z",
|
"created_at": "2025-08-01T23:14:14.011742Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -742,7 +742,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:17.737527818Z",
|
"created_at": "2025-08-01T23:14:14.064933Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -760,7 +760,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:17.918877822Z",
|
"created_at": "2025-08-01T23:14:14.116454Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -778,7 +778,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:18.105911231Z",
|
"created_at": "2025-08-01T23:14:14.172682Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -796,7 +796,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:18.283923436Z",
|
"created_at": "2025-08-01T23:14:14.227654Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -814,7 +814,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:18.459719394Z",
|
"created_at": "2025-08-01T23:14:14.282068Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -832,7 +832,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:18.640906341Z",
|
"created_at": "2025-08-01T23:14:14.334565Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -850,7 +850,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:18.826961086Z",
|
"created_at": "2025-08-01T23:14:14.383532Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -868,7 +868,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:19.003320248Z",
|
"created_at": "2025-08-01T23:14:14.432138Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -886,7 +886,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:19.182881734Z",
|
"created_at": "2025-08-01T23:14:14.480995Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -904,7 +904,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:19.359495992Z",
|
"created_at": "2025-08-01T23:14:14.531968Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -922,7 +922,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:19.537161501Z",
|
"created_at": "2025-08-01T23:14:14.584044Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -940,7 +940,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:19.717797841Z",
|
"created_at": "2025-08-01T23:14:14.635691Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -958,7 +958,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:19.897791992Z",
|
"created_at": "2025-08-01T23:14:14.68837Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -976,7 +976,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:20.078554441Z",
|
"created_at": "2025-08-01T23:14:14.73985Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -994,7 +994,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:20.256647775Z",
|
"created_at": "2025-08-01T23:14:14.792412Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1012,7 +1012,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:20.435851722Z",
|
"created_at": "2025-08-01T23:14:14.845872Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1030,7 +1030,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:20.614887157Z",
|
"created_at": "2025-08-01T23:14:14.900102Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1048,7 +1048,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:20.792750108Z",
|
"created_at": "2025-08-01T23:14:14.954589Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1066,7 +1066,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:20.97316853Z",
|
"created_at": "2025-08-01T23:14:15.006629Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1084,7 +1084,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:21.151001292Z",
|
"created_at": "2025-08-01T23:14:15.058561Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1102,7 +1102,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:21.329346225Z",
|
"created_at": "2025-08-01T23:14:15.111954Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1120,7 +1120,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:21.504478824Z",
|
"created_at": "2025-08-01T23:14:15.169173Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1138,7 +1138,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:21.684098768Z",
|
"created_at": "2025-08-01T23:14:15.222569Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1156,7 +1156,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:21.859984956Z",
|
"created_at": "2025-08-01T23:14:15.275795Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1174,7 +1174,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:22.039452807Z",
|
"created_at": "2025-08-01T23:14:15.3327Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1192,7 +1192,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:22.215880487Z",
|
"created_at": "2025-08-01T23:14:15.389931Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1210,7 +1210,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:22.394139356Z",
|
"created_at": "2025-08-01T23:14:15.442349Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1228,7 +1228,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:22.570525681Z",
|
"created_at": "2025-08-01T23:14:15.494175Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1246,7 +1246,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:22.749431991Z",
|
"created_at": "2025-08-01T23:14:15.545764Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1264,7 +1264,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:22.925115527Z",
|
"created_at": "2025-08-01T23:14:15.599099Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1282,7 +1282,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:23.101143142Z",
|
"created_at": "2025-08-01T23:14:15.649852Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1300,7 +1300,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:23.27672205Z",
|
"created_at": "2025-08-01T23:14:15.698222Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1318,7 +1318,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:23.454962118Z",
|
"created_at": "2025-08-01T23:14:15.747168Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1336,7 +1336,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:23.632398162Z",
|
"created_at": "2025-08-01T23:14:15.797196Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1354,7 +1354,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:23.809693128Z",
|
"created_at": "2025-08-01T23:14:15.845587Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1372,7 +1372,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:23.986707624Z",
|
"created_at": "2025-08-01T23:14:15.897171Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1390,7 +1390,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:24.166677843Z",
|
"created_at": "2025-08-01T23:14:15.944524Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1408,7 +1408,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:24.346964308Z",
|
"created_at": "2025-08-01T23:14:15.994467Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1426,7 +1426,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:24.5291978Z",
|
"created_at": "2025-08-01T23:14:16.045224Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1444,7 +1444,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:24.706691694Z",
|
"created_at": "2025-08-01T23:14:16.093853Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1462,7 +1462,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:24.88460415Z",
|
"created_at": "2025-08-01T23:14:16.144847Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1480,7 +1480,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:25.065539114Z",
|
"created_at": "2025-08-01T23:14:16.197888Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1498,7 +1498,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:25.243710072Z",
|
"created_at": "2025-08-01T23:14:16.250854Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1516,7 +1516,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:25.422103246Z",
|
"created_at": "2025-08-01T23:14:16.301995Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1534,7 +1534,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:25.600249999Z",
|
"created_at": "2025-08-01T23:14:16.352508Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1552,7 +1552,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:25.780448009Z",
|
"created_at": "2025-08-01T23:14:16.40259Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1570,7 +1570,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:25.958982616Z",
|
"created_at": "2025-08-01T23:14:16.453514Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1588,7 +1588,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:26.138676515Z",
|
"created_at": "2025-08-01T23:14:16.50378Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1606,7 +1606,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:26.314631321Z",
|
"created_at": "2025-08-01T23:14:16.554395Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1624,7 +1624,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:26.494578612Z",
|
"created_at": "2025-08-01T23:14:16.605795Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1642,7 +1642,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:26.673360876Z",
|
"created_at": "2025-08-01T23:14:16.656313Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1660,7 +1660,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:26.854225873Z",
|
"created_at": "2025-08-01T23:14:16.706438Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1678,7 +1678,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:27.02961726Z",
|
"created_at": "2025-08-01T23:14:16.756444Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1696,7 +1696,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:27.208399033Z",
|
"created_at": "2025-08-01T23:14:16.807687Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1714,7 +1714,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:27.386827403Z",
|
"created_at": "2025-08-01T23:14:16.85835Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1732,7 +1732,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:27.567038363Z",
|
"created_at": "2025-08-01T23:14:16.909311Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1750,7 +1750,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:27.746885334Z",
|
"created_at": "2025-08-01T23:14:16.959327Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1768,7 +1768,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:27.922875436Z",
|
"created_at": "2025-08-01T23:14:17.010211Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1786,7 +1786,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:28.101430863Z",
|
"created_at": "2025-08-01T23:14:17.061365Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -1804,15 +1804,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:28.278640455Z",
|
"created_at": "2025-08-01T23:14:17.111956Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 19952737777,
|
"total_duration": 5499672375,
|
||||||
"load_duration": 43350760,
|
"load_duration": 58161750,
|
||||||
"prompt_eval_count": 36,
|
"prompt_eval_count": 36,
|
||||||
"prompt_eval_duration": 2130287337,
|
"prompt_eval_duration": 266000000,
|
||||||
"eval_count": 100,
|
"eval_count": 100,
|
||||||
"eval_duration": 17778591810,
|
"eval_duration": 5174000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
544
tests/integration/recordings/responses/325a72db5755.json
Normal file
544
tests/integration/recordings/responses/325a72db5755.json
Normal file
|
@ -0,0 +1,544 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://localhost:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "What is the name of the US captial?"
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"stream": true
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "The",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " capital",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " of",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " the",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " United",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " States",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " is",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " Washington",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": ",",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " D",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081853,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": ".C",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": ".",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " (",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "short",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " for",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " District",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " of",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " Columbia",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": ").",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-312",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081854,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": true
|
||||||
|
}
|
||||||
|
}
|
|
@ -21,7 +21,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:33.397554906Z",
|
"created_at": "2025-08-01T20:56:49.287573Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -39,7 +39,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:33.586274792Z",
|
"created_at": "2025-08-01T20:56:49.341788Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -57,7 +57,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:33.765410961Z",
|
"created_at": "2025-08-01T20:56:49.388655Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -75,7 +75,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:33.943915332Z",
|
"created_at": "2025-08-01T20:56:49.43929Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -93,7 +93,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:34.129095862Z",
|
"created_at": "2025-08-01T20:56:49.485696Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -111,7 +111,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:34.311777808Z",
|
"created_at": "2025-08-01T20:56:49.533286Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -129,7 +129,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:34.494210854Z",
|
"created_at": "2025-08-01T20:56:49.578007Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -147,7 +147,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:34.678960603Z",
|
"created_at": "2025-08-01T20:56:49.623059Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -165,7 +165,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:34.8612541Z",
|
"created_at": "2025-08-01T20:56:49.669478Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -183,7 +183,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:35.046305051Z",
|
"created_at": "2025-08-01T20:56:49.715842Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -201,15 +201,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:35.234671072Z",
|
"created_at": "2025-08-01T20:56:49.760345Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 3173172688,
|
"total_duration": 624960709,
|
||||||
"load_duration": 41807088,
|
"load_duration": 59848000,
|
||||||
"prompt_eval_count": 26,
|
"prompt_eval_count": 26,
|
||||||
"prompt_eval_duration": 1292827697,
|
"prompt_eval_duration": 87000000,
|
||||||
"eval_count": 11,
|
"eval_count": 11,
|
||||||
"eval_duration": 1837992731,
|
"eval_duration": 476000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
104
tests/integration/recordings/responses/3ca695048bee.json
Normal file
104
tests/integration/recordings/responses/3ca695048bee.json
Normal file
|
@ -0,0 +1,104 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://localhost:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "What's the weather in Tokyo? Use the get_weather function to get the weather."
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"stream": true,
|
||||||
|
"tools": [
|
||||||
|
{
|
||||||
|
"type": "function",
|
||||||
|
"function": {
|
||||||
|
"name": "get_weather",
|
||||||
|
"description": "Get the weather in a given city",
|
||||||
|
"parameters": {
|
||||||
|
"type": "object",
|
||||||
|
"properties": {
|
||||||
|
"city": {
|
||||||
|
"type": "string",
|
||||||
|
"description": "The city to get the weather for"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
]
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-490",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": [
|
||||||
|
{
|
||||||
|
"index": 0,
|
||||||
|
"id": "call_rolv1ozt",
|
||||||
|
"function": {
|
||||||
|
"arguments": "{\"city\":\"Tokyo\"}",
|
||||||
|
"name": "get_weather"
|
||||||
|
},
|
||||||
|
"type": "function"
|
||||||
|
}
|
||||||
|
]
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081852,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-490",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081852,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": true
|
||||||
|
}
|
||||||
|
}
|
|
@ -21,7 +21,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:04.749672905Z",
|
"created_at": "2025-08-01T20:56:51.314693Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -39,7 +39,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:04.935716874Z",
|
"created_at": "2025-08-01T20:56:51.362989Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -57,7 +57,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:05.124992167Z",
|
"created_at": "2025-08-01T20:56:51.408403Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -75,7 +75,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:05.313306567Z",
|
"created_at": "2025-08-01T20:56:51.455832Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -93,7 +93,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:05.496860421Z",
|
"created_at": "2025-08-01T20:56:51.50384Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -111,7 +111,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:05.682903521Z",
|
"created_at": "2025-08-01T20:56:51.552257Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -129,7 +129,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:05.868324667Z",
|
"created_at": "2025-08-01T20:56:51.599938Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -147,7 +147,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:06.061112692Z",
|
"created_at": "2025-08-01T20:56:51.645807Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -165,7 +165,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:06.268369491Z",
|
"created_at": "2025-08-01T20:56:51.694632Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -183,7 +183,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:06.47768613Z",
|
"created_at": "2025-08-01T20:56:51.743454Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -201,15 +201,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:06.671958182Z",
|
"created_at": "2025-08-01T20:56:51.790525Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 2151822386,
|
"total_duration": 687242541,
|
||||||
"load_duration": 44157323,
|
"load_duration": 131028916,
|
||||||
"prompt_eval_count": 324,
|
"prompt_eval_count": 324,
|
||||||
"prompt_eval_duration": 183972482,
|
"prompt_eval_duration": 76000000,
|
||||||
"eval_count": 11,
|
"eval_count": 11,
|
||||||
"eval_duration": 1923143597,
|
"eval_duration": 479000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -67,15 +67,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:55:30.590990089Z",
|
"created_at": "2025-08-01T20:57:11.058922Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 32260966927,
|
"total_duration": 3810519000,
|
||||||
"load_duration": 43969344,
|
"load_duration": 148409834,
|
||||||
"prompt_eval_count": 259,
|
"prompt_eval_count": 259,
|
||||||
"prompt_eval_duration": 21518828528,
|
"prompt_eval_duration": 635000000,
|
||||||
"eval_count": 60,
|
"eval_count": 60,
|
||||||
"eval_duration": 10697338625,
|
"eval_duration": 3025000000,
|
||||||
"response": "{\n \"first_name\": \"Michael\",\n \"last_name\": \"Jordan\",\n \"year_of_birth\": 1963,\n \"nba_stats\": {\n \"year_for_draft\": 1984,\n \"num_seasons_in_nba\": 15\n }\n}",
|
"response": "{\n \"first_name\": \"Michael\",\n \"last_name\": \"Jordan\",\n \"year_of_birth\": 1963,\n \"nba_stats\": {\n \"year_for_draft\": 1984,\n \"num_seasons_in_nba\": 15\n }\n}",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -14,7 +14,7 @@
|
||||||
"models": [
|
"models": [
|
||||||
{
|
{
|
||||||
"model": "nomic-embed-text:latest",
|
"model": "nomic-embed-text:latest",
|
||||||
"modified_at": "2025-07-31T17:43:12.217040Z",
|
"modified_at": "2025-08-01T16:13:37.801531-07:00",
|
||||||
"digest": "0a109f422b47e3a30ba2b10eca18548e944e8a23073ee3f3e947efcf3c45e59f",
|
"digest": "0a109f422b47e3a30ba2b10eca18548e944e8a23073ee3f3e947efcf3c45e59f",
|
||||||
"size": 274302450,
|
"size": 274302450,
|
||||||
"details": {
|
"details": {
|
||||||
|
@ -30,7 +30,7 @@
|
||||||
},
|
},
|
||||||
{
|
{
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"modified_at": "2025-07-31T04:44:58Z",
|
"modified_at": "2025-08-01T15:46:28.963517-07:00",
|
||||||
"digest": "494147e06bf99e10dbe67b63a07ac81c162f18ef3341aa3390007ac828571b3b",
|
"digest": "494147e06bf99e10dbe67b63a07ac81c162f18ef3341aa3390007ac828571b3b",
|
||||||
"size": 1600181919,
|
"size": 1600181919,
|
||||||
"details": {
|
"details": {
|
||||||
|
@ -46,7 +46,7 @@
|
||||||
},
|
},
|
||||||
{
|
{
|
||||||
"model": "all-minilm:l6-v2",
|
"model": "all-minilm:l6-v2",
|
||||||
"modified_at": "2025-07-31T04:42:15Z",
|
"modified_at": "2025-07-29T15:07:06.295748-07:00",
|
||||||
"digest": "1b226e2802dbb772b5fc32a58f103ca1804ef7501331012de126ab22f67475ef",
|
"digest": "1b226e2802dbb772b5fc32a58f103ca1804ef7501331012de126ab22f67475ef",
|
||||||
"size": 45960996,
|
"size": 45960996,
|
||||||
"details": {
|
"details": {
|
||||||
|
@ -60,9 +60,41 @@
|
||||||
"quantization_level": "F16"
|
"quantization_level": "F16"
|
||||||
}
|
}
|
||||||
},
|
},
|
||||||
|
{
|
||||||
|
"model": "all-minilm:latest",
|
||||||
|
"modified_at": "2025-06-04T12:06:43.990073-07:00",
|
||||||
|
"digest": "1b226e2802dbb772b5fc32a58f103ca1804ef7501331012de126ab22f67475ef",
|
||||||
|
"size": 45960996,
|
||||||
|
"details": {
|
||||||
|
"parent_model": "",
|
||||||
|
"format": "gguf",
|
||||||
|
"family": "bert",
|
||||||
|
"families": [
|
||||||
|
"bert"
|
||||||
|
],
|
||||||
|
"parameter_size": "23M",
|
||||||
|
"quantization_level": "F16"
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"model": "llama3.1:8b-instruct-fp16",
|
||||||
|
"modified_at": "2025-02-14T15:23:24.865395-08:00",
|
||||||
|
"digest": "4aacac4194543ff7f70dab3f2ebc169c132d5319bb36f7a7e99c4ff525ebcc09",
|
||||||
|
"size": 16068910253,
|
||||||
|
"details": {
|
||||||
|
"parent_model": "",
|
||||||
|
"format": "gguf",
|
||||||
|
"family": "llama",
|
||||||
|
"families": [
|
||||||
|
"llama"
|
||||||
|
],
|
||||||
|
"parameter_size": "8.0B",
|
||||||
|
"quantization_level": "F16"
|
||||||
|
}
|
||||||
|
},
|
||||||
{
|
{
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"modified_at": "2025-07-31T04:42:05Z",
|
"modified_at": "2025-01-21T13:46:43.514008-08:00",
|
||||||
"digest": "195a8c01d91ec3cb1e0aad4624a51f2602c51fa7d96110f8ab5a20c84081804d",
|
"digest": "195a8c01d91ec3cb1e0aad4624a51f2602c51fa7d96110f8ab5a20c84081804d",
|
||||||
"size": 6433703586,
|
"size": 6433703586,
|
||||||
"details": {
|
"details": {
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:45:36.538134237Z",
|
"created_at": "2025-08-01T23:14:19.298378Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 2796712434,
|
"total_duration": 266786083,
|
||||||
"load_duration": 44874416,
|
"load_duration": 53820458,
|
||||||
"prompt_eval_count": 216,
|
"prompt_eval_count": 216,
|
||||||
"prompt_eval_duration": 2709689823,
|
"prompt_eval_duration": 192000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 41625474,
|
"eval_duration": 17000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:08.291262469Z",
|
"created_at": "2025-08-01T23:14:38.59711Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:08.482518171Z",
|
"created_at": "2025-08-01T23:14:38.671294Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:08.67196398Z",
|
"created_at": "2025-08-01T23:14:38.736161Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:08.854871756Z",
|
"created_at": "2025-08-01T23:14:38.809857Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:09.039123774Z",
|
"created_at": "2025-08-01T23:14:38.883599Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:09.22769491Z",
|
"created_at": "2025-08-01T23:14:38.942471Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:09.41528678Z",
|
"created_at": "2025-08-01T23:14:38.999844Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:09.616301386Z",
|
"created_at": "2025-08-01T23:14:39.050862Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:09.800460611Z",
|
"created_at": "2025-08-01T23:14:39.104589Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:09.986683207Z",
|
"created_at": "2025-08-01T23:14:39.158301Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:10.17267686Z",
|
"created_at": "2025-08-01T23:14:39.210985Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:10.358862363Z",
|
"created_at": "2025-08-01T23:14:39.263525Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,15 +238,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:10.546042909Z",
|
"created_at": "2025-08-01T23:14:39.314455Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4336248519,
|
"total_duration": 914060542,
|
||||||
"load_duration": 45632644,
|
"load_duration": 63705209,
|
||||||
"prompt_eval_count": 408,
|
"prompt_eval_count": 408,
|
||||||
"prompt_eval_duration": 2034392149,
|
"prompt_eval_duration": 95000000,
|
||||||
"eval_count": 13,
|
"eval_count": 13,
|
||||||
"eval_duration": 2255671980,
|
"eval_duration": 753000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:35.603264527Z",
|
"created_at": "2025-08-01T23:14:04.40585Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:35.78602068Z",
|
"created_at": "2025-08-01T23:14:04.455647Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:35.96866699Z",
|
"created_at": "2025-08-01T23:14:04.509581Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:36.150414646Z",
|
"created_at": "2025-08-01T23:14:04.56592Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:36.333587619Z",
|
"created_at": "2025-08-01T23:14:04.616979Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:36.518108567Z",
|
"created_at": "2025-08-01T23:14:04.671413Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:36.701519577Z",
|
"created_at": "2025-08-01T23:14:04.725494Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:36.887968019Z",
|
"created_at": "2025-08-01T23:14:04.779905Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:37.070912948Z",
|
"created_at": "2025-08-01T23:14:04.829791Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:37.255400593Z",
|
"created_at": "2025-08-01T23:14:04.880729Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:37.435774155Z",
|
"created_at": "2025-08-01T23:14:04.93338Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:37.614737276Z",
|
"created_at": "2025-08-01T23:14:04.981714Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,7 +238,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:37.79509715Z",
|
"created_at": "2025-08-01T23:14:05.036068Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -256,7 +256,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:37.976454651Z",
|
"created_at": "2025-08-01T23:14:05.088069Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -274,7 +274,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:38.157671144Z",
|
"created_at": "2025-08-01T23:14:05.144485Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -292,7 +292,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:38.337351473Z",
|
"created_at": "2025-08-01T23:14:05.203042Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -310,7 +310,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:38.517835532Z",
|
"created_at": "2025-08-01T23:14:05.257133Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -328,7 +328,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:38.700974215Z",
|
"created_at": "2025-08-01T23:14:05.311623Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -346,15 +346,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:38.884515807Z",
|
"created_at": "2025-08-01T23:14:05.370124Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 6189734480,
|
"total_duration": 1532801458,
|
||||||
"load_duration": 41239564,
|
"load_duration": 213911041,
|
||||||
"prompt_eval_count": 376,
|
"prompt_eval_count": 376,
|
||||||
"prompt_eval_duration": 2865253062,
|
"prompt_eval_duration": 350000000,
|
||||||
"eval_count": 19,
|
"eval_count": 19,
|
||||||
"eval_duration": 3282706083,
|
"eval_duration": 967000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:45:33.679033503Z",
|
"created_at": "2025-08-01T23:14:18.886381Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4349645498,
|
"total_duration": 488566500,
|
||||||
"load_duration": 42994476,
|
"load_duration": 113477291,
|
||||||
"prompt_eval_count": 317,
|
"prompt_eval_count": 317,
|
||||||
"prompt_eval_duration": 4262865760,
|
"prompt_eval_duration": 361000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 43296572,
|
"eval_duration": 12000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -21,7 +21,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:51.813281519Z",
|
"created_at": "2025-08-01T20:57:20.7568Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -39,7 +39,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:51.989711694Z",
|
"created_at": "2025-08-01T20:57:20.808114Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -57,7 +57,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:52.166114062Z",
|
"created_at": "2025-08-01T20:57:20.862297Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -75,7 +75,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:52.343105056Z",
|
"created_at": "2025-08-01T20:57:20.910323Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -93,7 +93,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:52.520952283Z",
|
"created_at": "2025-08-01T20:57:20.95935Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -111,7 +111,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:52.698509394Z",
|
"created_at": "2025-08-01T20:57:21.013354Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -129,7 +129,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:52.874946532Z",
|
"created_at": "2025-08-01T20:57:21.07322Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -147,7 +147,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:53.056294341Z",
|
"created_at": "2025-08-01T20:57:21.131785Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -165,7 +165,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:53.236117913Z",
|
"created_at": "2025-08-01T20:57:21.180306Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -183,7 +183,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:53.414303003Z",
|
"created_at": "2025-08-01T20:57:21.230096Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -201,7 +201,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:53.59508044Z",
|
"created_at": "2025-08-01T20:57:21.281864Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -219,7 +219,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:53.77302497Z",
|
"created_at": "2025-08-01T20:57:21.335153Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -237,7 +237,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:53.952164995Z",
|
"created_at": "2025-08-01T20:57:21.388394Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -255,7 +255,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:54.138962187Z",
|
"created_at": "2025-08-01T20:57:21.441268Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -273,7 +273,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:54.316918504Z",
|
"created_at": "2025-08-01T20:57:21.493573Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -291,7 +291,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:54.494254106Z",
|
"created_at": "2025-08-01T20:57:21.543884Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -309,7 +309,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:54.675122971Z",
|
"created_at": "2025-08-01T20:57:21.592363Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -327,7 +327,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:54.849660284Z",
|
"created_at": "2025-08-01T20:57:21.640596Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -345,7 +345,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:55.027127762Z",
|
"created_at": "2025-08-01T20:57:21.687018Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -363,15 +363,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:55.201988285Z",
|
"created_at": "2025-08-01T20:57:21.73497Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4724422329,
|
"total_duration": 1139022875,
|
||||||
"load_duration": 43306862,
|
"load_duration": 78012000,
|
||||||
"prompt_eval_count": 26,
|
"prompt_eval_count": 26,
|
||||||
"prompt_eval_duration": 1291013267,
|
"prompt_eval_duration": 75000000,
|
||||||
"eval_count": 20,
|
"eval_count": 20,
|
||||||
"eval_duration": 3389578393,
|
"eval_duration": 984000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:20.369406477Z",
|
"created_at": "2025-08-01T23:14:22.362667Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:20.5518691Z",
|
"created_at": "2025-08-01T23:14:22.427435Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:20.736317928Z",
|
"created_at": "2025-08-01T23:14:22.484198Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:20.930122964Z",
|
"created_at": "2025-08-01T23:14:22.537031Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:21.125702287Z",
|
"created_at": "2025-08-01T23:14:22.591198Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:21.317606091Z",
|
"created_at": "2025-08-01T23:14:22.643336Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:21.507713677Z",
|
"created_at": "2025-08-01T23:14:22.698589Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:21.695066353Z",
|
"created_at": "2025-08-01T23:14:22.752904Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:21.891869708Z",
|
"created_at": "2025-08-01T23:14:22.804Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:22.085099601Z",
|
"created_at": "2025-08-01T23:14:22.855633Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:22.269187077Z",
|
"created_at": "2025-08-01T23:14:22.906918Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:22.453591089Z",
|
"created_at": "2025-08-01T23:14:22.958729Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,15 +238,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:22.638173365Z",
|
"created_at": "2025-08-01T23:14:23.011279Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4335218946,
|
"total_duration": 793500292,
|
||||||
"load_duration": 40997571,
|
"load_duration": 55339750,
|
||||||
"prompt_eval_count": 417,
|
"prompt_eval_count": 417,
|
||||||
"prompt_eval_duration": 2023436216,
|
"prompt_eval_duration": 83000000,
|
||||||
"eval_count": 13,
|
"eval_count": 13,
|
||||||
"eval_duration": 2270231002,
|
"eval_duration": 653000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
648
tests/integration/recordings/responses/6f96090aa955.json
Normal file
648
tests/integration/recordings/responses/6f96090aa955.json
Normal file
|
@ -0,0 +1,648 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://localhost:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "Hello, world!"
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"stream": true
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "Hello",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081849,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "!",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081849,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " Welcome",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081849,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " to",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081849,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " our",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081849,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " conversation",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081849,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": ".",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081849,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " Is",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " there",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " something",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " I",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " can",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " help",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " you",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " with",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": ",",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " or",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " would",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " you",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " like",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " to",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": " chat",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "?",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-333",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081850,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": true
|
||||||
|
}
|
||||||
|
}
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:08.878347326Z",
|
"created_at": "2025-08-01T23:14:20.337763Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:09.062828335Z",
|
"created_at": "2025-08-01T23:14:20.394358Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:09.243638066Z",
|
"created_at": "2025-08-01T23:14:20.451349Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:09.423285311Z",
|
"created_at": "2025-08-01T23:14:20.504443Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:09.606591486Z",
|
"created_at": "2025-08-01T23:14:20.555779Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:09.78961117Z",
|
"created_at": "2025-08-01T23:14:20.607807Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:09.970261883Z",
|
"created_at": "2025-08-01T23:14:20.660627Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:10.154172091Z",
|
"created_at": "2025-08-01T23:14:20.711562Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:10.340795908Z",
|
"created_at": "2025-08-01T23:14:20.761822Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:10.526545522Z",
|
"created_at": "2025-08-01T23:14:20.81712Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:10.714952054Z",
|
"created_at": "2025-08-01T23:14:20.868755Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:10.910927483Z",
|
"created_at": "2025-08-01T23:14:20.921049Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,7 +238,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:11.095386909Z",
|
"created_at": "2025-08-01T23:14:20.973584Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -256,7 +256,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:11.281660364Z",
|
"created_at": "2025-08-01T23:14:21.030707Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -274,7 +274,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:11.464474672Z",
|
"created_at": "2025-08-01T23:14:21.082015Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -292,7 +292,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:11.650350705Z",
|
"created_at": "2025-08-01T23:14:21.132945Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -310,7 +310,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:11.834464866Z",
|
"created_at": "2025-08-01T23:14:21.187452Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -328,7 +328,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:12.019307704Z",
|
"created_at": "2025-08-01T23:14:21.239827Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -346,15 +346,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:12.209293507Z",
|
"created_at": "2025-08-01T23:14:21.294154Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 35638042382,
|
"total_duration": 1929211666,
|
||||||
"load_duration": 48273168,
|
"load_duration": 61298666,
|
||||||
"prompt_eval_count": 386,
|
"prompt_eval_count": 386,
|
||||||
"prompt_eval_duration": 32256935234,
|
"prompt_eval_duration": 908000000,
|
||||||
"eval_count": 19,
|
"eval_count": 19,
|
||||||
"eval_duration": 3332216342,
|
"eval_duration": 959000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
4603
tests/integration/recordings/responses/6fe1d4fedf12.json
Normal file
4603
tests/integration/recordings/responses/6fe1d4fedf12.json
Normal file
File diff suppressed because it is too large
Load diff
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:50.453323367Z",
|
"created_at": "2025-08-01T20:57:20.567617Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 14856284585,
|
"total_duration": 3565468958,
|
||||||
"load_duration": 44791770,
|
"load_duration": 31098250,
|
||||||
"prompt_eval_count": 30,
|
"prompt_eval_count": 30,
|
||||||
"prompt_eval_duration": 2452957312,
|
"prompt_eval_duration": 77000000,
|
||||||
"eval_count": 70,
|
"eval_count": 70,
|
||||||
"eval_duration": 12358070057,
|
"eval_duration": 3456000000,
|
||||||
"response": "The answer is Saturn! Saturn's ring system is one of the most iconic and well-known in our solar system. The rings are made up of ice particles, rock debris, and dust that orbit around the planet due to its gravitational pull.\n\nWould you like to know more about Saturn's rings or is there something else I can help you with?",
|
"response": "The answer is Saturn! Saturn's ring system is one of the most iconic and well-known in our solar system. The rings are made up of ice particles, rock debris, and dust that orbit around the planet due to its gravitational pull.\n\nWould you like to know more about Saturn's rings or is there something else I can help you with?",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -45,15 +45,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:29.277838934Z",
|
"created_at": "2025-08-01T20:56:48.732625Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 15295815581,
|
"total_duration": 1710455750,
|
||||||
"load_duration": 42102876,
|
"load_duration": 47968625,
|
||||||
"prompt_eval_count": 119,
|
"prompt_eval_count": 119,
|
||||||
"prompt_eval_duration": 9859380831,
|
"prompt_eval_duration": 223000000,
|
||||||
"eval_count": 29,
|
"eval_count": 29,
|
||||||
"eval_duration": 5393566178,
|
"eval_duration": 1437000000,
|
||||||
"response": "{ \"name\": \"Michael Jordan\", \"year_born\": \"1963\", \"year_retired\": \"2003\"}\n ",
|
"response": "{ \"name\": \"Michael Jordan\", \"year_born\": \"1963\", \"year_retired\": \"2003\"}\n ",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:12.691972914Z",
|
"created_at": "2025-08-01T23:13:59.222059Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:12.873445514Z",
|
"created_at": "2025-08-01T23:13:59.273466Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:13.058391013Z",
|
"created_at": "2025-08-01T23:13:59.325562Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:13.241305582Z",
|
"created_at": "2025-08-01T23:13:59.379223Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:13.426830341Z",
|
"created_at": "2025-08-01T23:13:59.436435Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:13.613434143Z",
|
"created_at": "2025-08-01T23:13:59.48928Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:13.798507122Z",
|
"created_at": "2025-08-01T23:13:59.547102Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:13.985391256Z",
|
"created_at": "2025-08-01T23:13:59.60579Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:14.168605602Z",
|
"created_at": "2025-08-01T23:13:59.660149Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:14.348657505Z",
|
"created_at": "2025-08-01T23:13:59.719166Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:14.536885315Z",
|
"created_at": "2025-08-01T23:13:59.773893Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:14.721523959Z",
|
"created_at": "2025-08-01T23:13:59.827636Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,7 +238,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:14.905534546Z",
|
"created_at": "2025-08-01T23:13:59.905205Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -256,7 +256,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:15.086739434Z",
|
"created_at": "2025-08-01T23:13:59.959347Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -274,7 +274,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:15.267128106Z",
|
"created_at": "2025-08-01T23:14:00.037904Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -292,7 +292,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:15.453189872Z",
|
"created_at": "2025-08-01T23:14:00.093527Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -310,7 +310,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:15.637366291Z",
|
"created_at": "2025-08-01T23:14:00.151329Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -328,7 +328,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:15.824993856Z",
|
"created_at": "2025-08-01T23:14:00.209463Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -346,15 +346,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:16.009001804Z",
|
"created_at": "2025-08-01T23:14:00.268012Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 33974512186,
|
"total_duration": 1981034959,
|
||||||
"load_duration": 44406815,
|
"load_duration": 53445084,
|
||||||
"prompt_eval_count": 368,
|
"prompt_eval_count": 368,
|
||||||
"prompt_eval_duration": 30611002922,
|
"prompt_eval_duration": 880000000,
|
||||||
"eval_count": 19,
|
"eval_count": 19,
|
||||||
"eval_duration": 3318539690,
|
"eval_duration": 1046000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:33.008989003Z",
|
"created_at": "2025-08-01T23:13:56.463658Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:33.18634026Z",
|
"created_at": "2025-08-01T23:13:56.51846Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:33.363360212Z",
|
"created_at": "2025-08-01T23:13:56.569676Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:33.540067474Z",
|
"created_at": "2025-08-01T23:13:56.621666Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:33.717434082Z",
|
"created_at": "2025-08-01T23:13:56.675114Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:33.901524865Z",
|
"created_at": "2025-08-01T23:13:56.727649Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:34.086510094Z",
|
"created_at": "2025-08-01T23:13:56.780249Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:34.268793455Z",
|
"created_at": "2025-08-01T23:13:56.834148Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:34.447206727Z",
|
"created_at": "2025-08-01T23:13:56.885509Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,15 +184,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:43:34.629253797Z",
|
"created_at": "2025-08-01T23:13:56.936635Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 14403810481,
|
"total_duration": 1572591291,
|
||||||
"load_duration": 10124930315,
|
"load_duration": 77121041,
|
||||||
"prompt_eval_count": 31,
|
"prompt_eval_count": 31,
|
||||||
"prompt_eval_duration": 2656282776,
|
"prompt_eval_duration": 1019000000,
|
||||||
"eval_count": 10,
|
"eval_count": 10,
|
||||||
"eval_duration": 1621858907,
|
"eval_duration": 474000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
108
tests/integration/recordings/responses/81a91f79c51d.json
Normal file
108
tests/integration/recordings/responses/81a91f79c51d.json
Normal file
|
@ -0,0 +1,108 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://0.0.0.0:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "What's the weather in Tokyo? YOU MUST USE THE get_weather function to get the weather."
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"response_format": {
|
||||||
|
"type": "text"
|
||||||
|
},
|
||||||
|
"stream": true,
|
||||||
|
"tools": [
|
||||||
|
{
|
||||||
|
"function": {
|
||||||
|
"name": "get_weather",
|
||||||
|
"description": "Get the weather in a given city",
|
||||||
|
"parameters": {
|
||||||
|
"type": "object",
|
||||||
|
"properties": {
|
||||||
|
"city": {
|
||||||
|
"type": "string",
|
||||||
|
"description": "The city to get the weather for"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
},
|
||||||
|
"strict": null
|
||||||
|
},
|
||||||
|
"type": "function"
|
||||||
|
}
|
||||||
|
]
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": [
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-430",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": [
|
||||||
|
{
|
||||||
|
"index": 0,
|
||||||
|
"id": "call_nzi32w5b",
|
||||||
|
"function": {
|
||||||
|
"arguments": "{\"city\":\"Tokyo\"}",
|
||||||
|
"name": "get_weather"
|
||||||
|
},
|
||||||
|
"type": "function"
|
||||||
|
}
|
||||||
|
]
|
||||||
|
},
|
||||||
|
"finish_reason": null,
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090081,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
},
|
||||||
|
{
|
||||||
|
"__type__": "openai.types.chat.chat_completion_chunk.ChatCompletionChunk",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-430",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"delta": {
|
||||||
|
"content": "",
|
||||||
|
"function_call": null,
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"tool_calls": null
|
||||||
|
},
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754090081,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion.chunk",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"is_streaming": true
|
||||||
|
}
|
||||||
|
}
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:44:32.660113677Z",
|
"created_at": "2025-08-01T23:14:03.770002Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 2803904109,
|
"total_duration": 395965875,
|
||||||
"load_duration": 43469066,
|
"load_duration": 178888708,
|
||||||
"prompt_eval_count": 214,
|
"prompt_eval_count": 214,
|
||||||
"prompt_eval_duration": 2716196330,
|
"prompt_eval_duration": 170000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 43729281,
|
"eval_duration": 44000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:43:40.884537604Z",
|
"created_at": "2025-08-01T23:13:57.935921Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 3179669897,
|
"total_duration": 313787333,
|
||||||
"load_duration": 48206132,
|
"load_duration": 89797542,
|
||||||
"prompt_eval_count": 233,
|
"prompt_eval_count": 233,
|
||||||
"prompt_eval_duration": 2966799546,
|
"prompt_eval_duration": 167000000,
|
||||||
"eval_count": 5,
|
"eval_count": 5,
|
||||||
"eval_duration": 164144409,
|
"eval_duration": 55000000,
|
||||||
"response": "unsafe\nS1",
|
"response": "unsafe\nS1",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
File diff suppressed because it is too large
Load diff
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:59:06.788329966Z",
|
"created_at": "2025-08-01T23:12:54.634929Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1049049073,
|
"total_duration": 233222375,
|
||||||
"load_duration": 42143902,
|
"load_duration": 136303125,
|
||||||
"prompt_eval_count": 213,
|
"prompt_eval_count": 213,
|
||||||
"prompt_eval_duration": 960926699,
|
"prompt_eval_duration": 78000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 45508201,
|
"eval_duration": 17000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:44:42.081968601Z",
|
"created_at": "2025-08-01T23:14:06.082832Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 2973322204,
|
"total_duration": 421905083,
|
||||||
"load_duration": 42260755,
|
"load_duration": 88557750,
|
||||||
"prompt_eval_count": 217,
|
"prompt_eval_count": 217,
|
||||||
"prompt_eval_duration": 2760398671,
|
"prompt_eval_duration": 278000000,
|
||||||
"eval_count": 5,
|
"eval_count": 5,
|
||||||
"eval_duration": 170139491,
|
"eval_duration": 54000000,
|
||||||
"response": "unsafe\nS1",
|
"response": "unsafe\nS1",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:48.550106343Z",
|
"created_at": "2025-08-01T23:14:07.138696Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:48.733721083Z",
|
"created_at": "2025-08-01T23:14:07.195013Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:48.914478642Z",
|
"created_at": "2025-08-01T23:14:07.246591Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:49.096327727Z",
|
"created_at": "2025-08-01T23:14:07.29736Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:49.276270052Z",
|
"created_at": "2025-08-01T23:14:07.347941Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:49.455584591Z",
|
"created_at": "2025-08-01T23:14:07.399151Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:49.635566453Z",
|
"created_at": "2025-08-01T23:14:07.452488Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:49.814260821Z",
|
"created_at": "2025-08-01T23:14:07.50538Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:49.994127858Z",
|
"created_at": "2025-08-01T23:14:07.558656Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:50.176174312Z",
|
"created_at": "2025-08-01T23:14:07.610408Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:50.363377723Z",
|
"created_at": "2025-08-01T23:14:07.66358Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:50.543615455Z",
|
"created_at": "2025-08-01T23:14:07.717638Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,7 +238,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:50.722758469Z",
|
"created_at": "2025-08-01T23:14:07.769423Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -256,7 +256,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:50.904084798Z",
|
"created_at": "2025-08-01T23:14:07.819395Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -274,7 +274,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:51.085643411Z",
|
"created_at": "2025-08-01T23:14:07.871391Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -292,7 +292,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:51.27077086Z",
|
"created_at": "2025-08-01T23:14:07.924892Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -310,7 +310,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:51.4518987Z",
|
"created_at": "2025-08-01T23:14:07.976557Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -328,7 +328,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:51.633427977Z",
|
"created_at": "2025-08-01T23:14:08.029579Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -346,15 +346,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:51.814721336Z",
|
"created_at": "2025-08-01T23:14:08.082749Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 6854120324,
|
"total_duration": 1425800209,
|
||||||
"load_duration": 41359627,
|
"load_duration": 138858459,
|
||||||
"prompt_eval_count": 384,
|
"prompt_eval_count": 384,
|
||||||
"prompt_eval_duration": 3546083190,
|
"prompt_eval_duration": 340000000,
|
||||||
"eval_count": 19,
|
"eval_count": 19,
|
||||||
"eval_duration": 3266092572,
|
"eval_duration": 945000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:04.489140565Z",
|
"created_at": "2025-08-01T20:56:51.035807Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 29123702298,
|
"total_duration": 1044135792,
|
||||||
"load_duration": 40831143,
|
"load_duration": 50873709,
|
||||||
"prompt_eval_count": 324,
|
"prompt_eval_count": 324,
|
||||||
"prompt_eval_duration": 27253456381,
|
"prompt_eval_duration": 511000000,
|
||||||
"eval_count": 11,
|
"eval_count": 11,
|
||||||
"eval_duration": 1828867055,
|
"eval_duration": 481000000,
|
||||||
"response": "[get_weather(location=\"San Francisco, CA\")]",
|
"response": "[get_weather(location=\"San Francisco, CA\")]",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:44:59.929905409Z",
|
"created_at": "2025-08-01T23:14:09.83858Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:00.110734553Z",
|
"created_at": "2025-08-01T23:14:09.891488Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:00.290949416Z",
|
"created_at": "2025-08-01T23:14:09.945656Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:00.475960339Z",
|
"created_at": "2025-08-01T23:14:09.996898Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:00.659481498Z",
|
"created_at": "2025-08-01T23:14:10.053632Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:00.843632147Z",
|
"created_at": "2025-08-01T23:14:10.105753Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:01.033425275Z",
|
"created_at": "2025-08-01T23:14:10.157953Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:01.224890954Z",
|
"created_at": "2025-08-01T23:14:10.210869Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:01.412700377Z",
|
"created_at": "2025-08-01T23:14:10.263387Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:01.602294122Z",
|
"created_at": "2025-08-01T23:14:10.317794Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:01.79213394Z",
|
"created_at": "2025-08-01T23:14:10.373978Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:01.982631333Z",
|
"created_at": "2025-08-01T23:14:10.429702Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,15 +238,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:45:02.172457365Z",
|
"created_at": "2025-08-01T23:14:10.483762Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4304742260,
|
"total_duration": 1041142084,
|
||||||
"load_duration": 41766451,
|
"load_duration": 110407459,
|
||||||
"prompt_eval_count": 415,
|
"prompt_eval_count": 415,
|
||||||
"prompt_eval_duration": 2018894885,
|
"prompt_eval_duration": 283000000,
|
||||||
"eval_count": 13,
|
"eval_count": 13,
|
||||||
"eval_duration": 2243484258,
|
"eval_duration": 646000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -1,7 +1,7 @@
|
||||||
{
|
{
|
||||||
"request": {
|
"request": {
|
||||||
"method": "POST",
|
"method": "POST",
|
||||||
"url": "http://0.0.0.0:11434/v1/v1/completions",
|
"url": "http://localhost:11434/v1/v1/completions",
|
||||||
"headers": {},
|
"headers": {},
|
||||||
"body": {
|
"body": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
@ -15,23 +15,23 @@
|
||||||
"body": {
|
"body": {
|
||||||
"__type__": "openai.types.completion.Completion",
|
"__type__": "openai.types.completion.Completion",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"id": "cmpl-726",
|
"id": "cmpl-963",
|
||||||
"choices": [
|
"choices": [
|
||||||
{
|
{
|
||||||
"finish_reason": "stop",
|
"finish_reason": "stop",
|
||||||
"index": 0,
|
"index": 0,
|
||||||
"logprobs": null,
|
"logprobs": null,
|
||||||
"text": "Blue.\n\nExplanation: This is a play on words from the classic Valentine's Day poem \"Roses are red, violets are blue.\" The original poem typically ends with the line \"sent my love to you,\" but in this adaptation, I've altered it to rhyme by replacing \"blue\" with \"blue\" (a pun). However, it also makes a clever non-literary response."
|
"text": "Blue.\n\nMy answer is \"blue\" because it's a common rhyme that completes the famous nursery rhyme: \"Roses are red, violets are blue.\" This rhyme has been passed down for generations and is often recited as a greeting or a way to express appreciation. The phrase typically rhymes with the word \"blue\", which is why I chose this response."
|
||||||
}
|
}
|
||||||
],
|
],
|
||||||
"created": 1753984322,
|
"created": 1754081785,
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"object": "text_completion",
|
"object": "text_completion",
|
||||||
"system_fingerprint": "fp_ollama",
|
"system_fingerprint": "fp_ollama",
|
||||||
"usage": {
|
"usage": {
|
||||||
"completion_tokens": 81,
|
"completion_tokens": 76,
|
||||||
"prompt_tokens": 50,
|
"prompt_tokens": 50,
|
||||||
"total_tokens": 131,
|
"total_tokens": 126,
|
||||||
"completion_tokens_details": null,
|
"completion_tokens_details": null,
|
||||||
"prompt_tokens_details": null
|
"prompt_tokens_details": null
|
||||||
}
|
}
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:46:18.2684163Z",
|
"created_at": "2025-08-01T23:14:22.168612Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 2939701988,
|
"total_duration": 198446125,
|
||||||
"load_duration": 43760413,
|
"load_duration": 31859666,
|
||||||
"prompt_eval_count": 224,
|
"prompt_eval_count": 224,
|
||||||
"prompt_eval_duration": 2854863241,
|
"prompt_eval_duration": 151000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 40546191,
|
"eval_duration": 13000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
1740
tests/integration/recordings/responses/a0c4df33879f.json
Normal file
1740
tests/integration/recordings/responses/a0c4df33879f.json
Normal file
File diff suppressed because it is too large
Load diff
56
tests/integration/recordings/responses/a4c8d19bb1eb.json
Normal file
56
tests/integration/recordings/responses/a4c8d19bb1eb.json
Normal file
|
@ -0,0 +1,56 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://localhost:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "Hello, world!"
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"stream": false
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": {
|
||||||
|
"__type__": "openai.types.chat.chat_completion.ChatCompletion",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-560",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null,
|
||||||
|
"message": {
|
||||||
|
"content": "Hello! It's nice to meet you. How can I assist you today?",
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"annotations": null,
|
||||||
|
"audio": null,
|
||||||
|
"function_call": null,
|
||||||
|
"tool_calls": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081856,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": {
|
||||||
|
"completion_tokens": 17,
|
||||||
|
"prompt_tokens": 29,
|
||||||
|
"total_tokens": 46,
|
||||||
|
"completion_tokens_details": null,
|
||||||
|
"prompt_tokens_details": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
},
|
||||||
|
"is_streaming": false
|
||||||
|
}
|
||||||
|
}
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:46:25.912484084Z",
|
"created_at": "2025-08-01T23:14:23.46316Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 3119768806,
|
"total_duration": 270313833,
|
||||||
"load_duration": 41781837,
|
"load_duration": 71668791,
|
||||||
"prompt_eval_count": 238,
|
"prompt_eval_count": 238,
|
||||||
"prompt_eval_duration": 3036042450,
|
"prompt_eval_duration": 169000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 41395778,
|
"eval_duration": 25000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -23,7 +23,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:05.617714834Z",
|
"created_at": "2025-08-01T20:56:43.766028Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -41,7 +41,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:05.798542309Z",
|
"created_at": "2025-08-01T20:56:43.810433Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -59,7 +59,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:05.980841562Z",
|
"created_at": "2025-08-01T20:56:43.869051Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -77,7 +77,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:06.162303548Z",
|
"created_at": "2025-08-01T20:56:43.928272Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -95,7 +95,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:06.340857636Z",
|
"created_at": "2025-08-01T20:56:43.987671Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -113,7 +113,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:06.521595814Z",
|
"created_at": "2025-08-01T20:56:44.051505Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -131,7 +131,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:06.701546566Z",
|
"created_at": "2025-08-01T20:56:44.183306Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -149,7 +149,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:06.880153315Z",
|
"created_at": "2025-08-01T20:56:44.240354Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -167,7 +167,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:07.060654891Z",
|
"created_at": "2025-08-01T20:56:44.31441Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -185,7 +185,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:07.240380253Z",
|
"created_at": "2025-08-01T20:56:44.370332Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -203,7 +203,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:07.419126616Z",
|
"created_at": "2025-08-01T20:56:44.431975Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -221,7 +221,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:07.598790332Z",
|
"created_at": "2025-08-01T20:56:44.481015Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -239,7 +239,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:07.777056009Z",
|
"created_at": "2025-08-01T20:56:44.530441Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -257,7 +257,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:07.952924017Z",
|
"created_at": "2025-08-01T20:56:44.591576Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -275,7 +275,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:08.131888967Z",
|
"created_at": "2025-08-01T20:56:44.656562Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -293,7 +293,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:08.333057743Z",
|
"created_at": "2025-08-01T20:56:44.707469Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -311,7 +311,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:08.5127717Z",
|
"created_at": "2025-08-01T20:56:44.793146Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -329,7 +329,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:08.697392665Z",
|
"created_at": "2025-08-01T20:56:44.84461Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -347,7 +347,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:08.880798014Z",
|
"created_at": "2025-08-01T20:56:44.892168Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -365,7 +365,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:09.059630952Z",
|
"created_at": "2025-08-01T20:56:44.9392Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -383,7 +383,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:09.239778855Z",
|
"created_at": "2025-08-01T20:56:44.986145Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -401,7 +401,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:09.41796922Z",
|
"created_at": "2025-08-01T20:56:45.032843Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -419,7 +419,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:09.594384168Z",
|
"created_at": "2025-08-01T20:56:45.079678Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -437,7 +437,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:09.775287995Z",
|
"created_at": "2025-08-01T20:56:45.125344Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -455,7 +455,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:09.956262386Z",
|
"created_at": "2025-08-01T20:56:45.171365Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -473,7 +473,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:10.136372272Z",
|
"created_at": "2025-08-01T20:56:45.21944Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -491,7 +491,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:10.31476923Z",
|
"created_at": "2025-08-01T20:56:45.266493Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -509,7 +509,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:10.492983094Z",
|
"created_at": "2025-08-01T20:56:45.31207Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -527,7 +527,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:10.673852463Z",
|
"created_at": "2025-08-01T20:56:45.359314Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -545,7 +545,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:10.858527191Z",
|
"created_at": "2025-08-01T20:56:45.406254Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -563,7 +563,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:11.038328378Z",
|
"created_at": "2025-08-01T20:56:45.452757Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -581,7 +581,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:11.215788879Z",
|
"created_at": "2025-08-01T20:56:45.499632Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -599,7 +599,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:11.399602557Z",
|
"created_at": "2025-08-01T20:56:45.545593Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -617,7 +617,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:11.580123511Z",
|
"created_at": "2025-08-01T20:56:45.595114Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -635,7 +635,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:11.757284813Z",
|
"created_at": "2025-08-01T20:56:45.641522Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -653,7 +653,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:11.941379029Z",
|
"created_at": "2025-08-01T20:56:45.688054Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -671,7 +671,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:12.127019036Z",
|
"created_at": "2025-08-01T20:56:45.737359Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -689,7 +689,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:12.308766694Z",
|
"created_at": "2025-08-01T20:56:45.786187Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -707,7 +707,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:12.497171833Z",
|
"created_at": "2025-08-01T20:56:45.834145Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -725,7 +725,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:12.675256496Z",
|
"created_at": "2025-08-01T20:56:45.882153Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -743,7 +743,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:12.86123582Z",
|
"created_at": "2025-08-01T20:56:45.928181Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -761,7 +761,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:13.048911842Z",
|
"created_at": "2025-08-01T20:56:45.974825Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -779,15 +779,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:53:13.236138052Z",
|
"created_at": "2025-08-01T20:56:46.022862Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 7845771051,
|
"total_duration": 2444514250,
|
||||||
"load_duration": 47957096,
|
"load_duration": 107849833,
|
||||||
"prompt_eval_count": 18,
|
"prompt_eval_count": 18,
|
||||||
"prompt_eval_duration": 178030745,
|
"prompt_eval_duration": 65000000,
|
||||||
"eval_count": 43,
|
"eval_count": 43,
|
||||||
"eval_duration": 7619284509,
|
"eval_duration": 2270000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:57:28.280495733Z",
|
"created_at": "2025-08-01T20:57:22.827462Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 32855142429,
|
"total_duration": 731625417,
|
||||||
"load_duration": 40184388,
|
"load_duration": 58932417,
|
||||||
"prompt_eval_count": 386,
|
"prompt_eval_count": 386,
|
||||||
"prompt_eval_duration": 32634520132,
|
"prompt_eval_duration": 609000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 179879941,
|
"eval_duration": 61000000,
|
||||||
"response": "[]",
|
"response": "[]",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -21,7 +21,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:09.896924388Z",
|
"created_at": "2025-08-01T20:56:52.232108Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -39,7 +39,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:10.082480973Z",
|
"created_at": "2025-08-01T20:56:52.278231Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -57,7 +57,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:10.264445159Z",
|
"created_at": "2025-08-01T20:56:52.324826Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -75,7 +75,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:10.445463678Z",
|
"created_at": "2025-08-01T20:56:52.371742Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -93,7 +93,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:10.627295509Z",
|
"created_at": "2025-08-01T20:56:52.420615Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -111,7 +111,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:10.81236738Z",
|
"created_at": "2025-08-01T20:56:52.467321Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -129,7 +129,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:10.999420818Z",
|
"created_at": "2025-08-01T20:56:52.514894Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -147,7 +147,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:11.188320899Z",
|
"created_at": "2025-08-01T20:56:52.562247Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -165,7 +165,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:11.379926424Z",
|
"created_at": "2025-08-01T20:56:52.608002Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -183,7 +183,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:11.574460052Z",
|
"created_at": "2025-08-01T20:56:52.656949Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -201,15 +201,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:54:11.771461946Z",
|
"created_at": "2025-08-01T20:56:52.704421Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4947159618,
|
"total_duration": 731562041,
|
||||||
"load_duration": 43936066,
|
"load_duration": 115199875,
|
||||||
"prompt_eval_count": 339,
|
"prompt_eval_count": 339,
|
||||||
"prompt_eval_duration": 3027152411,
|
"prompt_eval_duration": 136000000,
|
||||||
"eval_count": 11,
|
"eval_count": 11,
|
||||||
"eval_duration": 1875512881,
|
"eval_duration": 478000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
File diff suppressed because it is too large
Load diff
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:46:15.281412692Z",
|
"created_at": "2025-08-01T23:14:21.909783Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 2848280419,
|
"total_duration": 311036333,
|
||||||
"load_duration": 40304146,
|
"load_duration": 37569542,
|
||||||
"prompt_eval_count": 219,
|
"prompt_eval_count": 219,
|
||||||
"prompt_eval_duration": 2765376163,
|
"prompt_eval_duration": 259000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 42099357,
|
"eval_duration": 12000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -12,31 +12,13 @@
|
||||||
"__type__": "ollama._types.ProcessResponse",
|
"__type__": "ollama._types.ProcessResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"models": [
|
"models": [
|
||||||
{
|
|
||||||
"model": "all-minilm:l6-v2",
|
|
||||||
"name": "all-minilm:l6-v2",
|
|
||||||
"digest": "1b226e2802dbb772b5fc32a58f103ca1804ef7501331012de126ab22f67475ef",
|
|
||||||
"expires_at": "2025-07-31T18:05:06.618179Z",
|
|
||||||
"size": 53334016,
|
|
||||||
"size_vram": 0,
|
|
||||||
"details": {
|
|
||||||
"parent_model": "",
|
|
||||||
"format": "gguf",
|
|
||||||
"family": "bert",
|
|
||||||
"families": [
|
|
||||||
"bert"
|
|
||||||
],
|
|
||||||
"parameter_size": "23M",
|
|
||||||
"quantization_level": "F16"
|
|
||||||
}
|
|
||||||
},
|
|
||||||
{
|
{
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"name": "llama3.2:3b-instruct-fp16",
|
"name": "llama3.2:3b-instruct-fp16",
|
||||||
"digest": "195a8c01d91ec3cb1e0aad4624a51f2602c51fa7d96110f8ab5a20c84081804d",
|
"digest": "195a8c01d91ec3cb1e0aad4624a51f2602c51fa7d96110f8ab5a20c84081804d",
|
||||||
"expires_at": "2025-07-31T18:04:42.166739Z",
|
"expires_at": "2025-08-01T16:18:11.656155-07:00",
|
||||||
"size": 7382700032,
|
"size": 8581748736,
|
||||||
"size_vram": 0,
|
"size_vram": 8581748736,
|
||||||
"details": {
|
"details": {
|
||||||
"parent_model": "",
|
"parent_model": "",
|
||||||
"format": "gguf",
|
"format": "gguf",
|
||||||
|
@ -52,9 +34,9 @@
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"name": "llama-guard3:1b",
|
"name": "llama-guard3:1b",
|
||||||
"digest": "494147e06bf99e10dbe67b63a07ac81c162f18ef3341aa3390007ac828571b3b",
|
"digest": "494147e06bf99e10dbe67b63a07ac81c162f18ef3341aa3390007ac828571b3b",
|
||||||
"expires_at": "2025-07-31T18:04:06.788447Z",
|
"expires_at": "2025-08-01T16:17:54.635270-07:00",
|
||||||
"size": 1814095872,
|
"size": 2770397184,
|
||||||
"size_vram": 0,
|
"size_vram": 2770397184,
|
||||||
"details": {
|
"details": {
|
||||||
"parent_model": "",
|
"parent_model": "",
|
||||||
"format": "gguf",
|
"format": "gguf",
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:59:05.729198288Z",
|
"created_at": "2025-08-01T23:12:54.357928Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1097329407,
|
"total_duration": 227148458,
|
||||||
"load_duration": 48350112,
|
"load_duration": 113314916,
|
||||||
"prompt_eval_count": 220,
|
"prompt_eval_count": 220,
|
||||||
"prompt_eval_duration": 1004630210,
|
"prompt_eval_duration": 83000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 43843552,
|
"eval_duration": 27000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:34.048227816Z",
|
"created_at": "2025-08-01T23:14:25.381208Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:34.229102748Z",
|
"created_at": "2025-08-01T23:14:25.441511Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:34.413533748Z",
|
"created_at": "2025-08-01T23:14:25.499052Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:34.59977971Z",
|
"created_at": "2025-08-01T23:14:25.577259Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:34.781710387Z",
|
"created_at": "2025-08-01T23:14:25.635016Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:34.962137136Z",
|
"created_at": "2025-08-01T23:14:25.68944Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:35.142960328Z",
|
"created_at": "2025-08-01T23:14:25.742314Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:35.322879215Z",
|
"created_at": "2025-08-01T23:14:25.795086Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:35.504172249Z",
|
"created_at": "2025-08-01T23:14:25.847905Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:35.685767411Z",
|
"created_at": "2025-08-01T23:14:25.898666Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:35.865854085Z",
|
"created_at": "2025-08-01T23:14:25.952292Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:36.046336351Z",
|
"created_at": "2025-08-01T23:14:26.001903Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,15 +238,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:36.228600193Z",
|
"created_at": "2025-08-01T23:14:26.053764Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4246630545,
|
"total_duration": 880684833,
|
||||||
"load_duration": 46591467,
|
"load_duration": 101945250,
|
||||||
"prompt_eval_count": 402,
|
"prompt_eval_count": 402,
|
||||||
"prompt_eval_duration": 2017607358,
|
"prompt_eval_duration": 100000000,
|
||||||
"eval_count": 13,
|
"eval_count": 13,
|
||||||
"eval_duration": 2181831592,
|
"eval_duration": 677000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -21,7 +21,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:02.787875238Z",
|
"created_at": "2025-08-01T20:57:11.920796Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -39,15 +39,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:56:02.972585441Z",
|
"created_at": "2025-08-01T20:57:11.963674Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 32348917084,
|
"total_duration": 837987583,
|
||||||
"load_duration": 39040993,
|
"load_duration": 158475167,
|
||||||
"prompt_eval_count": 386,
|
"prompt_eval_count": 386,
|
||||||
"prompt_eval_duration": 32123680358,
|
"prompt_eval_duration": 617000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 185666617,
|
"eval_duration": 60000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:58:56.109631764Z",
|
"created_at": "2025-08-01T23:12:51.421145Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1062584022,
|
"total_duration": 201670125,
|
||||||
"load_duration": 43445939,
|
"load_duration": 70275459,
|
||||||
"prompt_eval_count": 207,
|
"prompt_eval_count": 207,
|
||||||
"prompt_eval_duration": 845723813,
|
"prompt_eval_duration": 71000000,
|
||||||
"eval_count": 5,
|
"eval_count": 5,
|
||||||
"eval_duration": 172894900,
|
"eval_duration": 58000000,
|
||||||
"response": "unsafe\nS2",
|
"response": "unsafe\nS2",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
56
tests/integration/recordings/responses/e9c8a0e4f0e0.json
Normal file
56
tests/integration/recordings/responses/e9c8a0e4f0e0.json
Normal file
|
@ -0,0 +1,56 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://localhost:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "Which planet do humans live on?"
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"stream": false
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": {
|
||||||
|
"__type__": "openai.types.chat.chat_completion.ChatCompletion",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-57",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"finish_reason": "stop",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null,
|
||||||
|
"message": {
|
||||||
|
"content": "Humans live on Earth. It is the third planet from the Sun and is the only known planet in the universe that currently supports human life.",
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"annotations": null,
|
||||||
|
"audio": null,
|
||||||
|
"function_call": null,
|
||||||
|
"tool_calls": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081845,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": {
|
||||||
|
"completion_tokens": 29,
|
||||||
|
"prompt_tokens": 32,
|
||||||
|
"total_tokens": 61,
|
||||||
|
"completion_tokens_details": null,
|
||||||
|
"prompt_tokens_details": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
},
|
||||||
|
"is_streaming": false
|
||||||
|
}
|
||||||
|
}
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:28.464372035Z",
|
"created_at": "2025-08-01T23:14:23.842191Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:28.646456238Z",
|
"created_at": "2025-08-01T23:14:23.903756Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:28.825659141Z",
|
"created_at": "2025-08-01T23:14:23.962295Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:29.007157531Z",
|
"created_at": "2025-08-01T23:14:24.019479Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:29.188522934Z",
|
"created_at": "2025-08-01T23:14:24.076158Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:29.370620046Z",
|
"created_at": "2025-08-01T23:14:24.142903Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:29.556327466Z",
|
"created_at": "2025-08-01T23:14:24.202616Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:29.738894573Z",
|
"created_at": "2025-08-01T23:14:24.25501Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:29.925972025Z",
|
"created_at": "2025-08-01T23:14:24.308017Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:30.108143385Z",
|
"created_at": "2025-08-01T23:14:24.360014Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:30.289255107Z",
|
"created_at": "2025-08-01T23:14:24.413785Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:30.467730564Z",
|
"created_at": "2025-08-01T23:14:24.466618Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,7 +238,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:30.648982445Z",
|
"created_at": "2025-08-01T23:14:24.519141Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -256,7 +256,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:30.830340138Z",
|
"created_at": "2025-08-01T23:14:24.572343Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -274,7 +274,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:31.010188241Z",
|
"created_at": "2025-08-01T23:14:24.626495Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -292,7 +292,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:31.193929127Z",
|
"created_at": "2025-08-01T23:14:24.683554Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -310,7 +310,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:31.376791155Z",
|
"created_at": "2025-08-01T23:14:24.736715Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -328,7 +328,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:31.556745128Z",
|
"created_at": "2025-08-01T23:14:24.789545Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -346,15 +346,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:46:31.736710894Z",
|
"created_at": "2025-08-01T23:14:24.842095Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 5753329414,
|
"total_duration": 1141228125,
|
||||||
"load_duration": 42032646,
|
"load_duration": 38375333,
|
||||||
"prompt_eval_count": 371,
|
"prompt_eval_count": 371,
|
||||||
"prompt_eval_duration": 2437350540,
|
"prompt_eval_duration": 99000000,
|
||||||
"eval_count": 19,
|
"eval_count": 19,
|
||||||
"eval_duration": 3273363452,
|
"eval_duration": 1002000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:59:04.621241272Z",
|
"created_at": "2025-08-01T23:12:54.110896Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 1020488139,
|
"total_duration": 219323916,
|
||||||
"load_duration": 48171516,
|
"load_duration": 109411750,
|
||||||
"prompt_eval_count": 213,
|
"prompt_eval_count": 213,
|
||||||
"prompt_eval_duration": 924613213,
|
"prompt_eval_duration": 86000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 47179414,
|
"eval_duration": 22000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
|
@ -22,7 +22,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:02.228613069Z",
|
"created_at": "2025-08-01T23:14:37.046199Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -40,7 +40,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:02.416516088Z",
|
"created_at": "2025-08-01T23:14:37.097228Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -58,7 +58,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:02.601455913Z",
|
"created_at": "2025-08-01T23:14:37.147575Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -76,7 +76,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:02.789779738Z",
|
"created_at": "2025-08-01T23:14:37.199038Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -94,7 +94,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:02.979797092Z",
|
"created_at": "2025-08-01T23:14:37.25106Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -112,7 +112,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:03.171273909Z",
|
"created_at": "2025-08-01T23:14:37.302712Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -130,7 +130,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:03.366307208Z",
|
"created_at": "2025-08-01T23:14:37.355658Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -148,7 +148,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:03.553860717Z",
|
"created_at": "2025-08-01T23:14:37.407436Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -166,7 +166,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:03.741050708Z",
|
"created_at": "2025-08-01T23:14:37.459062Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -184,7 +184,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:03.928660324Z",
|
"created_at": "2025-08-01T23:14:37.511804Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -202,7 +202,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:04.114285473Z",
|
"created_at": "2025-08-01T23:14:37.562406Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -220,7 +220,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:04.297051984Z",
|
"created_at": "2025-08-01T23:14:37.614648Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -238,7 +238,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:04.481247453Z",
|
"created_at": "2025-08-01T23:14:37.665414Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -256,7 +256,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:04.663502116Z",
|
"created_at": "2025-08-01T23:14:37.71826Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -274,7 +274,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:04.847068051Z",
|
"created_at": "2025-08-01T23:14:37.769822Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -292,7 +292,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:05.029468907Z",
|
"created_at": "2025-08-01T23:14:37.821049Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -310,7 +310,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:05.210665493Z",
|
"created_at": "2025-08-01T23:14:37.872903Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -328,7 +328,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:05.394445374Z",
|
"created_at": "2025-08-01T23:14:37.924976Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -346,7 +346,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:05.577557339Z",
|
"created_at": "2025-08-01T23:14:37.976776Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -364,7 +364,7 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:05.759740241Z",
|
"created_at": "2025-08-01T23:14:38.029285Z",
|
||||||
"done": false,
|
"done": false,
|
||||||
"done_reason": null,
|
"done_reason": null,
|
||||||
"total_duration": null,
|
"total_duration": null,
|
||||||
|
@ -382,15 +382,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama3.2:3b-instruct-fp16",
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
"created_at": "2025-07-31T17:48:05.941978534Z",
|
"created_at": "2025-08-01T23:14:38.084154Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 35821787819,
|
"total_duration": 1782717042,
|
||||||
"load_duration": 41469279,
|
"load_duration": 78612834,
|
||||||
"prompt_eval_count": 375,
|
"prompt_eval_count": 375,
|
||||||
"prompt_eval_duration": 32065473198,
|
"prompt_eval_duration": 658000000,
|
||||||
"eval_count": 21,
|
"eval_count": 21,
|
||||||
"eval_duration": 3714298846,
|
"eval_duration": 1044000000,
|
||||||
"response": "",
|
"response": "",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
84
tests/integration/recordings/responses/f70f30f54211.json
Normal file
84
tests/integration/recordings/responses/f70f30f54211.json
Normal file
|
@ -0,0 +1,84 @@
|
||||||
|
{
|
||||||
|
"request": {
|
||||||
|
"method": "POST",
|
||||||
|
"url": "http://localhost:11434/v1/v1/chat/completions",
|
||||||
|
"headers": {},
|
||||||
|
"body": {
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"messages": [
|
||||||
|
{
|
||||||
|
"role": "user",
|
||||||
|
"content": "What's the weather in Tokyo? Use the get_weather function to get the weather."
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"stream": false,
|
||||||
|
"tools": [
|
||||||
|
{
|
||||||
|
"type": "function",
|
||||||
|
"function": {
|
||||||
|
"name": "get_weather",
|
||||||
|
"description": "Get the weather in a given city",
|
||||||
|
"parameters": {
|
||||||
|
"type": "object",
|
||||||
|
"properties": {
|
||||||
|
"city": {
|
||||||
|
"type": "string",
|
||||||
|
"description": "The city to get the weather for"
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
]
|
||||||
|
},
|
||||||
|
"endpoint": "/v1/chat/completions",
|
||||||
|
"model": "llama3.2:3b-instruct-fp16"
|
||||||
|
},
|
||||||
|
"response": {
|
||||||
|
"body": {
|
||||||
|
"__type__": "openai.types.chat.chat_completion.ChatCompletion",
|
||||||
|
"__data__": {
|
||||||
|
"id": "chatcmpl-549",
|
||||||
|
"choices": [
|
||||||
|
{
|
||||||
|
"finish_reason": "tool_calls",
|
||||||
|
"index": 0,
|
||||||
|
"logprobs": null,
|
||||||
|
"message": {
|
||||||
|
"content": "",
|
||||||
|
"refusal": null,
|
||||||
|
"role": "assistant",
|
||||||
|
"annotations": null,
|
||||||
|
"audio": null,
|
||||||
|
"function_call": null,
|
||||||
|
"tool_calls": [
|
||||||
|
{
|
||||||
|
"id": "call_ybj7t2qt",
|
||||||
|
"function": {
|
||||||
|
"arguments": "{\"city\":\"Tokyo\"}",
|
||||||
|
"name": "get_weather"
|
||||||
|
},
|
||||||
|
"type": "function",
|
||||||
|
"index": 0
|
||||||
|
}
|
||||||
|
]
|
||||||
|
}
|
||||||
|
}
|
||||||
|
],
|
||||||
|
"created": 1754081857,
|
||||||
|
"model": "llama3.2:3b-instruct-fp16",
|
||||||
|
"object": "chat.completion",
|
||||||
|
"service_tier": null,
|
||||||
|
"system_fingerprint": "fp_ollama",
|
||||||
|
"usage": {
|
||||||
|
"completion_tokens": 18,
|
||||||
|
"prompt_tokens": 177,
|
||||||
|
"total_tokens": 195,
|
||||||
|
"completion_tokens_details": null,
|
||||||
|
"prompt_tokens_details": null
|
||||||
|
}
|
||||||
|
}
|
||||||
|
},
|
||||||
|
"is_streaming": false
|
||||||
|
}
|
||||||
|
}
|
|
@ -20,15 +20,15 @@
|
||||||
"__type__": "ollama._types.GenerateResponse",
|
"__type__": "ollama._types.GenerateResponse",
|
||||||
"__data__": {
|
"__data__": {
|
||||||
"model": "llama-guard3:1b",
|
"model": "llama-guard3:1b",
|
||||||
"created_at": "2025-07-31T17:43:20.195368079Z",
|
"created_at": "2025-08-01T23:13:55.309172Z",
|
||||||
"done": true,
|
"done": true,
|
||||||
"done_reason": "stop",
|
"done_reason": "stop",
|
||||||
"total_duration": 4029876004,
|
"total_duration": 2252068541,
|
||||||
"load_duration": 1111568374,
|
"load_duration": 240932958,
|
||||||
"prompt_eval_count": 212,
|
"prompt_eval_count": 212,
|
||||||
"prompt_eval_duration": 2868613054,
|
"prompt_eval_duration": 1979000000,
|
||||||
"eval_count": 2,
|
"eval_count": 2,
|
||||||
"eval_duration": 48866061,
|
"eval_duration": 25000000,
|
||||||
"response": "safe",
|
"response": "safe",
|
||||||
"thinking": null,
|
"thinking": null,
|
||||||
"context": null
|
"context": null
|
||||||
|
|
Loading…
Add table
Add a link
Reference in a new issue