openlit 1.33.13__tar.gz → 1.33.14__tar.gz
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- {openlit-1.33.13 → openlit-1.33.14}/PKG-INFO +1 -1
- {openlit-1.33.13 → openlit-1.33.14}/pyproject.toml +1 -1
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/assemblyai/__init__.py +13 -13
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/assemblyai/assemblyai.py +35 -28
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/azure_ai_inference/__init__.py +17 -18
- {openlit-1.33.13 → openlit-1.33.14}/LICENSE +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/README.md +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/__helpers.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/evals/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/evals/all.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/evals/bias_detection.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/evals/hallucination.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/evals/toxicity.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/evals/utils.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/guard/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/guard/all.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/guard/prompt_injection.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/guard/restrict_topic.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/guard/sensitive_topic.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/guard/utils.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ag2/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ag2/ag2.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ai21/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ai21/ai21.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ai21/async_ai21.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ai21/utils.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/anthropic/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/anthropic/anthropic.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/anthropic/async_anthropic.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/anthropic/utils.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/astra/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/astra/astra.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/astra/async_astra.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/azure_ai_inference/async_azure_ai_inference.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/azure_ai_inference/azure_ai_inference.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/bedrock/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/bedrock/bedrock.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/chroma/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/chroma/chroma.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/cohere/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/cohere/async_cohere.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/cohere/cohere.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/controlflow/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/controlflow/controlflow.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/crawl4ai/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/crawl4ai/async_crawl4ai.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/crawl4ai/crawl4ai.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/crewai/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/crewai/crewai.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/dynamiq/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/dynamiq/dynamiq.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/elevenlabs/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/elevenlabs/async_elevenlabs.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/elevenlabs/elevenlabs.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/embedchain/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/embedchain/embedchain.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/firecrawl/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/firecrawl/firecrawl.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/google_ai_studio/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/google_ai_studio/async_google_ai_studio.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/google_ai_studio/google_ai_studio.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/gpt4all/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/gpt4all/gpt4all.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/gpu/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/groq/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/groq/async_groq.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/groq/groq.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/haystack/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/haystack/haystack.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/julep/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/julep/async_julep.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/julep/julep.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/langchain/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/langchain/async_langchain.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/langchain/langchain.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/letta/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/letta/letta.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/litellm/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/litellm/async_litellm.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/litellm/litellm.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/llamaindex/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/llamaindex/llamaindex.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/mem0/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/mem0/mem0.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/milvus/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/milvus/milvus.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/mistral/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/mistral/async_mistral.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/mistral/mistral.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/multion/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/multion/async_multion.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/multion/multion.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ollama/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ollama/async_ollama.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ollama/ollama.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/ollama/utils.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/openai/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/openai/async_openai.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/openai/openai.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/phidata/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/phidata/phidata.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/pinecone/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/pinecone/pinecone.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/premai/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/premai/premai.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/qdrant/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/qdrant/async_qdrant.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/qdrant/qdrant.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/reka/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/reka/async_reka.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/reka/reka.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/together/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/together/async_together.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/together/together.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/transformers/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/transformers/transformers.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/vertexai/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/vertexai/async_vertexai.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/vertexai/vertexai.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/vllm/__init__.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/vllm/vllm.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/otel/events.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/otel/metrics.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/otel/tracing.py +0 -0
- {openlit-1.33.13 → openlit-1.33.14}/src/openlit/semcov/__init__.py +0 -0
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.3
|
2
2
|
Name: openlit
|
3
|
-
Version: 1.33.
|
3
|
+
Version: 1.33.14
|
4
4
|
Summary: OpenTelemetry-native Auto instrumentation library for monitoring LLM Applications and GPUs, facilitating the integration of observability into your GenAI-driven projects
|
5
5
|
License: Apache-2.0
|
6
6
|
Keywords: OpenTelemetry,otel,otlp,llm,tracing,openai,anthropic,claude,cohere,llm monitoring,observability,monitoring,gpt,Generative AI,chatGPT,gpu
|
@@ -1,6 +1,6 @@
|
|
1
1
|
[tool.poetry]
|
2
2
|
name = "openlit"
|
3
|
-
version = "1.33.
|
3
|
+
version = "1.33.14"
|
4
4
|
description = "OpenTelemetry-native Auto instrumentation library for monitoring LLM Applications and GPUs, facilitating the integration of observability into your GenAI-driven projects"
|
5
5
|
authors = ["OpenLIT"]
|
6
6
|
license = "Apache-2.0"
|
@@ -1,4 +1,3 @@
|
|
1
|
-
# pylint: disable=useless-return, bad-staticmethod-argument, disable=duplicate-code
|
2
1
|
"""Initializer of Auto Instrumentation of AssemblyAI Functions"""
|
3
2
|
|
4
3
|
from typing import Collection
|
@@ -10,7 +9,7 @@ from openlit.instrumentation.assemblyai.assemblyai import (
|
|
10
9
|
transcribe
|
11
10
|
)
|
12
11
|
|
13
|
-
_instruments = (
|
12
|
+
_instruments = ('assemblyai >= 0.35.1',)
|
14
13
|
|
15
14
|
class AssemblyAIInstrumentor(BaseInstrumentor):
|
16
15
|
"""
|
@@ -21,21 +20,22 @@ class AssemblyAIInstrumentor(BaseInstrumentor):
|
|
21
20
|
return _instruments
|
22
21
|
|
23
22
|
def _instrument(self, **kwargs):
|
24
|
-
application_name = kwargs.get(
|
25
|
-
environment = kwargs.get(
|
26
|
-
tracer = kwargs.get(
|
27
|
-
|
28
|
-
|
29
|
-
|
30
|
-
|
31
|
-
|
23
|
+
application_name = kwargs.get('application_name', 'default')
|
24
|
+
environment = kwargs.get('environment', 'default')
|
25
|
+
tracer = kwargs.get('tracer')
|
26
|
+
event_provider = kwargs.get('event_provider')
|
27
|
+
metrics = kwargs.get('metrics_dict')
|
28
|
+
pricing_info = kwargs.get('pricing_info', {})
|
29
|
+
capture_message_content = kwargs.get('capture_message_content', False)
|
30
|
+
disable_metrics = kwargs.get('disable_metrics')
|
31
|
+
version = importlib.metadata.version('assemblyai')
|
32
32
|
|
33
33
|
# sync transcribe
|
34
34
|
wrap_function_wrapper(
|
35
|
-
|
36
|
-
|
35
|
+
'assemblyai.transcriber',
|
36
|
+
'Transcriber.transcribe',
|
37
37
|
transcribe(version, environment, application_name,
|
38
|
-
tracer, pricing_info, capture_message_content, metrics, disable_metrics),
|
38
|
+
tracer, event_provider, pricing_info, capture_message_content, metrics, disable_metrics),
|
39
39
|
)
|
40
40
|
|
41
41
|
def _uninstrument(self, **kwargs):
|
@@ -10,7 +10,8 @@ from openlit.__helpers import (
|
|
10
10
|
get_audio_model_cost,
|
11
11
|
handle_exception,
|
12
12
|
create_metrics_attributes,
|
13
|
-
set_server_address_and_port
|
13
|
+
set_server_address_and_port,
|
14
|
+
otel_event
|
14
15
|
)
|
15
16
|
from openlit.semcov import SemanticConvetion
|
16
17
|
|
@@ -18,38 +19,15 @@ from openlit.semcov import SemanticConvetion
|
|
18
19
|
logger = logging.getLogger(__name__)
|
19
20
|
|
20
21
|
def transcribe(version, environment, application_name,
|
21
|
-
tracer, pricing_info, capture_message_content, metrics, disable_metrics):
|
22
|
+
tracer, event_provider, pricing_info, capture_message_content, metrics, disable_metrics):
|
22
23
|
"""
|
23
|
-
Generates a telemetry wrapper for
|
24
|
-
|
25
|
-
Args:
|
26
|
-
gen_ai_endpoint: Endpoint identifier for logging and tracing.
|
27
|
-
version: Version of the monitoring package.
|
28
|
-
environment: Deployment environment (e.g., production, staging).
|
29
|
-
application_name: Name of the application using the Assembly AI API.
|
30
|
-
tracer: OpenTelemetry tracer for creating spans.
|
31
|
-
pricing_info: Information used for calculating the cost of generating speech audio.
|
32
|
-
capture_message_content: Flag indicating whether to trace the input text and generated audio.
|
33
|
-
|
34
|
-
Returns:
|
35
|
-
A function that wraps the speech audio creation method to add telemetry.
|
24
|
+
Generates a telemetry wrapper for GenAI function call
|
36
25
|
"""
|
37
26
|
|
27
|
+
|
38
28
|
def wrapper(wrapped, instance, args, kwargs):
|
39
29
|
"""
|
40
|
-
Wraps the
|
41
|
-
|
42
|
-
This collects metrics such as execution time, cost, and handles errors
|
43
|
-
gracefully, adding details to the trace for observability.
|
44
|
-
|
45
|
-
Args:
|
46
|
-
wrapped: The original 'generate' method to be wrapped.
|
47
|
-
instance: The instance of the class where the original method is defined.
|
48
|
-
args: Positional arguments for the 'generate' method.
|
49
|
-
kwargs: Keyword arguments for the 'generate' method.
|
50
|
-
|
51
|
-
Returns:
|
52
|
-
The response from the original 'transcribe' method.
|
30
|
+
Wraps the GenAI function call.
|
53
31
|
"""
|
54
32
|
|
55
33
|
server_address, server_port = set_server_address_and_port(instance, 'api.assemblyai.com', 443)
|
@@ -96,6 +74,7 @@ def transcribe(version, environment, application_name,
|
|
96
74
|
span.set_attribute(SemanticConvetion.GEN_AI_SDK_VERSION,
|
97
75
|
version)
|
98
76
|
|
77
|
+
# To be removed one the change to log events (from span events) is complete
|
99
78
|
if capture_message_content:
|
100
79
|
span.add_event(
|
101
80
|
name=SemanticConvetion.GEN_AI_CONTENT_PROMPT_EVENT,
|
@@ -110,6 +89,34 @@ def transcribe(version, environment, application_name,
|
|
110
89
|
},
|
111
90
|
)
|
112
91
|
|
92
|
+
input_event = otel_event(
|
93
|
+
name=SemanticConvetion.GEN_AI_USER_MESSAGE,
|
94
|
+
attributes={
|
95
|
+
SemanticConvetion.GEN_AI_SYSTEM: SemanticConvetion.GEN_AI_SYSTEM_ASSEMBLYAI
|
96
|
+
},
|
97
|
+
body={
|
98
|
+
**({'content': response.audio_url} if capture_message_content else {}),
|
99
|
+
'role': 'user'
|
100
|
+
}
|
101
|
+
)
|
102
|
+
event_provider.emit(input_event)
|
103
|
+
|
104
|
+
output_event = otel_event(
|
105
|
+
name=SemanticConvetion.GEN_AI_CHOICE,
|
106
|
+
attributes={
|
107
|
+
SemanticConvetion.GEN_AI_SYSTEM: SemanticConvetion.GEN_AI_SYSTEM_ASSEMBLYAI
|
108
|
+
},
|
109
|
+
body={
|
110
|
+
'finish_reason': 'stop',
|
111
|
+
'index': 0,
|
112
|
+
'message': {
|
113
|
+
**({'content': response.text} if capture_message_content else {}),
|
114
|
+
'role': 'assistant'
|
115
|
+
}
|
116
|
+
}
|
117
|
+
)
|
118
|
+
event_provider.emit(output_event)
|
119
|
+
|
113
120
|
span.set_status(Status(StatusCode.OK))
|
114
121
|
|
115
122
|
if disable_metrics is False:
|
{openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/azure_ai_inference/__init__.py
RENAMED
@@ -1,4 +1,3 @@
|
|
1
|
-
# pylint: disable=useless-return, bad-staticmethod-argument, disable=duplicate-code
|
2
1
|
"""Initializer of Auto Instrumentation of Azure AI Inference Functions"""
|
3
2
|
|
4
3
|
from typing import Collection
|
@@ -14,7 +13,7 @@ from openlit.instrumentation.azure_ai_inference.async_azure_ai_inference import
|
|
14
13
|
async_complete, async_embedding
|
15
14
|
)
|
16
15
|
|
17
|
-
_instruments = (
|
16
|
+
_instruments = ('azure-ai-inference >= 1.0.0b4',)
|
18
17
|
|
19
18
|
class AzureAIInferenceInstrumentor(BaseInstrumentor):
|
20
19
|
"""
|
@@ -25,43 +24,43 @@ class AzureAIInferenceInstrumentor(BaseInstrumentor):
|
|
25
24
|
return _instruments
|
26
25
|
|
27
26
|
def _instrument(self, **kwargs):
|
28
|
-
application_name = kwargs.get(
|
29
|
-
environment = kwargs.get(
|
30
|
-
tracer = kwargs.get(
|
31
|
-
metrics = kwargs.get(
|
32
|
-
pricing_info = kwargs.get(
|
33
|
-
capture_message_content = kwargs.get(
|
34
|
-
disable_metrics = kwargs.get(
|
35
|
-
version = importlib.metadata.version(
|
27
|
+
application_name = kwargs.get('application_name', 'default')
|
28
|
+
environment = kwargs.get('environment', 'default')
|
29
|
+
tracer = kwargs.get('tracer')
|
30
|
+
metrics = kwargs.get('metrics_dict')
|
31
|
+
pricing_info = kwargs.get('pricing_info', {})
|
32
|
+
capture_message_content = kwargs.get('capture_message_content', False)
|
33
|
+
disable_metrics = kwargs.get('disable_metrics')
|
34
|
+
version = importlib.metadata.version('azure-ai-inference')
|
36
35
|
|
37
36
|
# sync generate
|
38
37
|
wrap_function_wrapper(
|
39
|
-
|
40
|
-
|
38
|
+
'azure.ai.inference',
|
39
|
+
'ChatCompletionsClient.complete',
|
41
40
|
complete(version, environment, application_name,
|
42
41
|
tracer, pricing_info, capture_message_content, metrics, disable_metrics),
|
43
42
|
)
|
44
43
|
|
45
44
|
# sync embedding
|
46
45
|
wrap_function_wrapper(
|
47
|
-
|
48
|
-
|
46
|
+
'azure.ai.inference',
|
47
|
+
'EmbeddingsClient.embed',
|
49
48
|
embedding(version, environment, application_name,
|
50
49
|
tracer, pricing_info, capture_message_content, metrics, disable_metrics),
|
51
50
|
)
|
52
51
|
|
53
52
|
# async generate
|
54
53
|
wrap_function_wrapper(
|
55
|
-
|
56
|
-
|
54
|
+
'azure.ai.inference.aio',
|
55
|
+
'ChatCompletionsClient.complete',
|
57
56
|
async_complete(version, environment, application_name,
|
58
57
|
tracer, pricing_info, capture_message_content, metrics, disable_metrics),
|
59
58
|
)
|
60
59
|
|
61
60
|
# async embedding
|
62
61
|
wrap_function_wrapper(
|
63
|
-
|
64
|
-
|
62
|
+
'azure.ai.inference.aio',
|
63
|
+
'EmbeddingsClient.embed',
|
65
64
|
async_embedding(version, environment, application_name,
|
66
65
|
tracer, pricing_info, capture_message_content, metrics, disable_metrics),
|
67
66
|
)
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/anthropic/async_anthropic.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/elevenlabs/async_elevenlabs.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/google_ai_studio/__init__.py
RENAMED
File without changes
|
File without changes
|
{openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/google_ai_studio/google_ai_studio.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/langchain/async_langchain.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{openlit-1.33.13 → openlit-1.33.14}/src/openlit/instrumentation/transformers/transformers.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|