openlit 1.18.1__tar.gz → 1.19.0__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.18.1 → openlit-1.19.0}/PKG-INFO +10 -7
- {openlit-1.18.1 → openlit-1.19.0}/README.md +7 -4
- {openlit-1.18.1 → openlit-1.19.0}/pyproject.toml +3 -3
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/langchain/__init__.py +23 -2
- openlit-1.19.0/src/openlit/instrumentation/langchain/langchain.py +712 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/mistral/__init__.py +18 -18
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/mistral/async_mistral.py +13 -13
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/mistral/mistral.py +12 -12
- openlit-1.18.1/src/openlit/instrumentation/langchain/langchain.py +0 -330
- {openlit-1.18.1 → openlit-1.19.0}/LICENSE +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/__helpers.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/anthropic/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/anthropic/anthropic.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/anthropic/async_anthropic.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/bedrock/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/bedrock/bedrock.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/chroma/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/chroma/chroma.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/cohere/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/cohere/cohere.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/elevenlabs/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/elevenlabs/async_elevenlabs.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/elevenlabs/elevenlabs.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/embedchain/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/embedchain/embedchain.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/gpt4all/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/gpt4all/gpt4all.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/gpu/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/groq/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/groq/async_groq.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/groq/groq.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/haystack/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/haystack/haystack.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/llamaindex/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/llamaindex/llamaindex.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/milvus/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/milvus/milvus.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/ollama/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/ollama/async_ollama.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/ollama/ollama.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/openai/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/openai/async_azure_openai.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/openai/async_openai.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/openai/azure_openai.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/openai/openai.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/pinecone/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/pinecone/pinecone.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/qdrant/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/qdrant/qdrant.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/transformers/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/transformers/transformers.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/vertexai/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/vertexai/async_vertexai.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/vertexai/vertexai.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/vllm/__init__.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/instrumentation/vllm/vllm.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/otel/metrics.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/otel/tracing.py +0 -0
- {openlit-1.18.1 → openlit-1.19.0}/src/openlit/semcov/__init__.py +0 -0
@@ -1,9 +1,9 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: openlit
|
3
|
-
Version: 1.
|
4
|
-
Summary: OpenTelemetry-native Auto instrumentation library for monitoring LLM Applications, facilitating the integration of observability into your GenAI-driven projects
|
3
|
+
Version: 1.19.0
|
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
|
Home-page: https://github.com/openlit/openlit/tree/main/openlit/python
|
6
|
-
Keywords: OpenTelemetry,otel,otlp,llm,tracing,openai,anthropic,claude,cohere,llm monitoring,observability,monitoring,gpt,Generative AI,chatGPT
|
6
|
+
Keywords: OpenTelemetry,otel,otlp,llm,tracing,openai,anthropic,claude,cohere,llm monitoring,observability,monitoring,gpt,Generative AI,chatGPT,gpu
|
7
7
|
Author: OpenLIT
|
8
8
|
Requires-Python: >=3.7.1,<4.0.0
|
9
9
|
Classifier: Programming Language :: Python :: 3
|
@@ -61,14 +61,15 @@ This project adheres to the [Semantic Conventions](https://github.com/open-telem
|
|
61
61
|
| [✅ Anthropic](https://docs.openlit.io/latest/integrations/anthropic) | [✅ Qdrant](https://docs.openlit.io/latest/integrations/qdrant) | [✅ LlamaIndex](https://docs.openlit.io/latest/integrations/llama-index) | |
|
62
62
|
| [✅ GPT4All](https://docs.openlit.io/latest/integrations/gpt4all) | [✅ Milvus](https://docs.openlit.io/latest/integrations/milvus) | [✅ Haystack](https://docs.openlit.io/latest/integrations/haystack) | |
|
63
63
|
| [✅ Cohere](https://docs.openlit.io/latest/integrations/cohere) | | [✅ EmbedChain](https://docs.openlit.io/latest/integrations/embedchain) | |
|
64
|
-
| [✅ Mistral](https://docs.openlit.io/latest/integrations/mistral) | |
|
65
|
-
| [✅ Azure OpenAI](https://docs.openlit.io/latest/integrations/azure-openai) | |
|
66
|
-
| [✅ HuggingFace Transformers](https://docs.openlit.io/latest/integrations/huggingface) | |
|
67
|
-
| [✅ Amazon Bedrock](https://docs.openlit.io/latest/integrations/bedrock) | |
|
64
|
+
| [✅ Mistral](https://docs.openlit.io/latest/integrations/mistral) | | [✅ Guardrails](https://docs.openlit.io/latest/integrations/guardrails) | |
|
65
|
+
| [✅ Azure OpenAI](https://docs.openlit.io/latest/integrations/azure-openai) | | | |
|
66
|
+
| [✅ HuggingFace Transformers](https://docs.openlit.io/latest/integrations/huggingface) | | | |
|
67
|
+
| [✅ Amazon Bedrock](https://docs.openlit.io/latest/integrations/bedrock) | | | |
|
68
68
|
| [✅ Vertex AI](https://docs.openlit.io/latest/integrations/vertexai) | | | |
|
69
69
|
| [✅ Groq](https://docs.openlit.io/latest/integrations/groq) | | | |
|
70
70
|
| [✅ ElevenLabs](https://docs.openlit.io/latest/integrations/elevenlabs) | | | |
|
71
71
|
| [✅ vLLM](https://docs.openlit.io/latest/integrations/vllm) | | | |
|
72
|
+
| [✅ OLA Krutrim](https://docs.openlit.io/latest/integrations/krutrim) | | | |
|
72
73
|
|
73
74
|
## Supported Destinations
|
74
75
|
- [✅ OpenTelemetry Collector](https://docs.openlit.io/latest/connections/otelcol)
|
@@ -77,8 +78,10 @@ This project adheres to the [Semantic Conventions](https://github.com/open-telem
|
|
77
78
|
- [✅ Grafana Cloud](https://docs.openlit.io/latest/connections/grafanacloud)
|
78
79
|
- [✅ New Relic](https://docs.openlit.io/latest/connections/new-relic)
|
79
80
|
- [✅ Elastic](https://docs.openlit.io/latest/connections/elastic)
|
81
|
+
- [✅ HyperDX](https://docs.openlit.io/latest/connections/hyperdx)
|
80
82
|
- [✅ DataDog](https://docs.openlit.io/latest/connections/datadog)
|
81
83
|
- [✅ SigNoz](https://docs.openlit.io/latest/connections/signoz)
|
84
|
+
- [✅ OneUptime](https://docs.openlit.io/latest/connections/oneuptime)
|
82
85
|
- [✅ Dynatrace](https://docs.openlit.io/latest/connections/dynatrace)
|
83
86
|
- [✅ OpenObserve](https://docs.openlit.io/latest/connections/openobserve)
|
84
87
|
- [✅ Highlight.io](https://docs.openlit.io/latest/connections/highlight)
|
@@ -34,14 +34,15 @@ This project adheres to the [Semantic Conventions](https://github.com/open-telem
|
|
34
34
|
| [✅ Anthropic](https://docs.openlit.io/latest/integrations/anthropic) | [✅ Qdrant](https://docs.openlit.io/latest/integrations/qdrant) | [✅ LlamaIndex](https://docs.openlit.io/latest/integrations/llama-index) | |
|
35
35
|
| [✅ GPT4All](https://docs.openlit.io/latest/integrations/gpt4all) | [✅ Milvus](https://docs.openlit.io/latest/integrations/milvus) | [✅ Haystack](https://docs.openlit.io/latest/integrations/haystack) | |
|
36
36
|
| [✅ Cohere](https://docs.openlit.io/latest/integrations/cohere) | | [✅ EmbedChain](https://docs.openlit.io/latest/integrations/embedchain) | |
|
37
|
-
| [✅ Mistral](https://docs.openlit.io/latest/integrations/mistral) | |
|
38
|
-
| [✅ Azure OpenAI](https://docs.openlit.io/latest/integrations/azure-openai) | |
|
39
|
-
| [✅ HuggingFace Transformers](https://docs.openlit.io/latest/integrations/huggingface) | |
|
40
|
-
| [✅ Amazon Bedrock](https://docs.openlit.io/latest/integrations/bedrock) | |
|
37
|
+
| [✅ Mistral](https://docs.openlit.io/latest/integrations/mistral) | | [✅ Guardrails](https://docs.openlit.io/latest/integrations/guardrails) | |
|
38
|
+
| [✅ Azure OpenAI](https://docs.openlit.io/latest/integrations/azure-openai) | | | |
|
39
|
+
| [✅ HuggingFace Transformers](https://docs.openlit.io/latest/integrations/huggingface) | | | |
|
40
|
+
| [✅ Amazon Bedrock](https://docs.openlit.io/latest/integrations/bedrock) | | | |
|
41
41
|
| [✅ Vertex AI](https://docs.openlit.io/latest/integrations/vertexai) | | | |
|
42
42
|
| [✅ Groq](https://docs.openlit.io/latest/integrations/groq) | | | |
|
43
43
|
| [✅ ElevenLabs](https://docs.openlit.io/latest/integrations/elevenlabs) | | | |
|
44
44
|
| [✅ vLLM](https://docs.openlit.io/latest/integrations/vllm) | | | |
|
45
|
+
| [✅ OLA Krutrim](https://docs.openlit.io/latest/integrations/krutrim) | | | |
|
45
46
|
|
46
47
|
## Supported Destinations
|
47
48
|
- [✅ OpenTelemetry Collector](https://docs.openlit.io/latest/connections/otelcol)
|
@@ -50,8 +51,10 @@ This project adheres to the [Semantic Conventions](https://github.com/open-telem
|
|
50
51
|
- [✅ Grafana Cloud](https://docs.openlit.io/latest/connections/grafanacloud)
|
51
52
|
- [✅ New Relic](https://docs.openlit.io/latest/connections/new-relic)
|
52
53
|
- [✅ Elastic](https://docs.openlit.io/latest/connections/elastic)
|
54
|
+
- [✅ HyperDX](https://docs.openlit.io/latest/connections/hyperdx)
|
53
55
|
- [✅ DataDog](https://docs.openlit.io/latest/connections/datadog)
|
54
56
|
- [✅ SigNoz](https://docs.openlit.io/latest/connections/signoz)
|
57
|
+
- [✅ OneUptime](https://docs.openlit.io/latest/connections/oneuptime)
|
55
58
|
- [✅ Dynatrace](https://docs.openlit.io/latest/connections/dynatrace)
|
56
59
|
- [✅ OpenObserve](https://docs.openlit.io/latest/connections/openobserve)
|
57
60
|
- [✅ Highlight.io](https://docs.openlit.io/latest/connections/highlight)
|
@@ -1,12 +1,12 @@
|
|
1
1
|
[tool.poetry]
|
2
2
|
name = "openlit"
|
3
|
-
version = "1.
|
4
|
-
description = "OpenTelemetry-native Auto instrumentation library for monitoring LLM Applications, facilitating the integration of observability into your GenAI-driven projects"
|
3
|
+
version = "1.19.0"
|
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
|
repository = "https://github.com/openlit/openlit/tree/main/openlit/python"
|
7
7
|
readme = "README.md"
|
8
8
|
homepage = "https://github.com/openlit/openlit/tree/main/openlit/python"
|
9
|
-
keywords = ["OpenTelemetry", "otel", "otlp","llm", "tracing", "openai", "anthropic", "claude", "cohere", "llm monitoring", "observability", "monitoring", "gpt", "Generative AI", "chatGPT"]
|
9
|
+
keywords = ["OpenTelemetry", "otel", "otlp","llm", "tracing", "openai", "anthropic", "claude", "cohere", "llm monitoring", "observability", "monitoring", "gpt", "Generative AI", "chatGPT", "gpu"]
|
10
10
|
|
11
11
|
[tool.poetry.dependencies]
|
12
12
|
python = "^3.7.1"
|
@@ -5,7 +5,14 @@ import importlib.metadata
|
|
5
5
|
from opentelemetry.instrumentation.instrumentor import BaseInstrumentor
|
6
6
|
from wrapt import wrap_function_wrapper
|
7
7
|
|
8
|
-
from openlit.instrumentation.langchain.langchain import
|
8
|
+
from openlit.instrumentation.langchain.langchain import (
|
9
|
+
general_wrap,
|
10
|
+
hub,
|
11
|
+
llm,
|
12
|
+
allm,
|
13
|
+
chat,
|
14
|
+
achat
|
15
|
+
)
|
9
16
|
|
10
17
|
_instruments = ("langchain >= 0.1.20",)
|
11
18
|
|
@@ -52,6 +59,18 @@ WRAPPED_METHODS = [
|
|
52
59
|
"endpoint": "langchain.llm",
|
53
60
|
"wrapper": allm,
|
54
61
|
},
|
62
|
+
{
|
63
|
+
"package": "langchain_core.language_models.chat_models",
|
64
|
+
"object": "BaseChatModel.invoke",
|
65
|
+
"endpoint": "langchain.chat_models",
|
66
|
+
"wrapper": chat,
|
67
|
+
},
|
68
|
+
{
|
69
|
+
"package": "langchain_core.language_models.chat_models",
|
70
|
+
"object": "BaseChatModel.ainvoke",
|
71
|
+
"endpoint": "langchain.chat_models",
|
72
|
+
"wrapper": achat,
|
73
|
+
},
|
55
74
|
]
|
56
75
|
|
57
76
|
class LangChainInstrumentor(BaseInstrumentor):
|
@@ -66,6 +85,8 @@ class LangChainInstrumentor(BaseInstrumentor):
|
|
66
85
|
tracer = kwargs.get("tracer")
|
67
86
|
pricing_info = kwargs.get("pricing_info")
|
68
87
|
trace_content = kwargs.get("trace_content")
|
88
|
+
metrics = kwargs.get("metrics_dict")
|
89
|
+
disable_metrics = kwargs.get("disable_metrics")
|
69
90
|
version = importlib.metadata.version("langchain")
|
70
91
|
|
71
92
|
for wrapped_method in WRAPPED_METHODS:
|
@@ -77,7 +98,7 @@ class LangChainInstrumentor(BaseInstrumentor):
|
|
77
98
|
wrap_package,
|
78
99
|
wrap_object,
|
79
100
|
wrapper(gen_ai_endpoint, version, environment, application_name,
|
80
|
-
tracer, pricing_info, trace_content),
|
101
|
+
tracer, pricing_info, trace_content, metrics, disable_metrics),
|
81
102
|
)
|
82
103
|
|
83
104
|
@staticmethod
|