openlit 1.32.12__tar.gz → 1.33.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.32.12 → openlit-1.33.0}/PKG-INFO +3 -2
- {openlit-1.32.12 → openlit-1.33.0}/README.md +2 -1
- {openlit-1.32.12 → openlit-1.33.0}/pyproject.toml +1 -1
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/__init__.py +3 -1
- openlit-1.33.0/src/openlit/instrumentation/together/__init__.py +70 -0
- openlit-1.33.0/src/openlit/instrumentation/together/async_together.py +558 -0
- openlit-1.33.0/src/openlit/instrumentation/together/together.py +558 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/semcov/__init__.py +1 -0
- {openlit-1.32.12 → openlit-1.33.0}/LICENSE +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/__helpers.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/evals/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/evals/all.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/evals/bias_detection.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/evals/hallucination.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/evals/toxicity.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/evals/utils.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/guard/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/guard/all.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/guard/prompt_injection.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/guard/restrict_topic.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/guard/sensitive_topic.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/guard/utils.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/ag2/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/ag2/ag2.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/ai21/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/ai21/ai21.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/ai21/async_ai21.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/anthropic/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/anthropic/anthropic.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/anthropic/async_anthropic.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/assemblyai/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/assemblyai/assemblyai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/astra/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/astra/astra.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/astra/async_astra.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/azure_ai_inference/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/azure_ai_inference/async_azure_ai_inference.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/azure_ai_inference/azure_ai_inference.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/bedrock/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/bedrock/bedrock.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/chroma/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/chroma/chroma.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/cohere/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/cohere/cohere.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/controlflow/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/controlflow/controlflow.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/crawl4ai/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/crawl4ai/async_crawl4ai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/crawl4ai/crawl4ai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/crewai/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/crewai/crewai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/dynamiq/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/dynamiq/dynamiq.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/elevenlabs/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/elevenlabs/async_elevenlabs.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/elevenlabs/elevenlabs.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/embedchain/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/embedchain/embedchain.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/firecrawl/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/firecrawl/firecrawl.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/google_ai_studio/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/google_ai_studio/async_google_ai_studio.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/google_ai_studio/google_ai_studio.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/gpt4all/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/gpt4all/gpt4all.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/gpu/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/groq/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/groq/async_groq.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/groq/groq.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/haystack/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/haystack/haystack.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/julep/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/julep/async_julep.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/julep/julep.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/langchain/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/langchain/langchain.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/letta/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/letta/letta.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/litellm/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/litellm/async_litellm.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/litellm/litellm.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/llamaindex/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/llamaindex/llamaindex.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/mem0/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/mem0/mem0.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/milvus/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/milvus/milvus.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/mistral/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/mistral/async_mistral.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/mistral/mistral.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/multion/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/multion/async_multion.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/multion/multion.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/ollama/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/ollama/async_ollama.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/ollama/ollama.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/openai/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/openai/async_azure_openai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/openai/async_openai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/openai/azure_openai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/openai/openai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/phidata/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/phidata/phidata.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/pinecone/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/pinecone/pinecone.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/premai/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/premai/premai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/qdrant/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/qdrant/async_qdrant.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/qdrant/qdrant.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/reka/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/reka/async_reka.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/reka/reka.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/transformers/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/transformers/transformers.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/vertexai/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/vertexai/async_vertexai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/vertexai/vertexai.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/vllm/__init__.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/instrumentation/vllm/vllm.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/otel/metrics.py +0 -0
- {openlit-1.32.12 → openlit-1.33.0}/src/openlit/otel/tracing.py +0 -0
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: openlit
|
3
|
-
Version: 1.
|
3
|
+
Version: 1.33.0
|
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
|
Home-page: https://github.com/openlit/openlit/tree/main/openlit/python
|
6
6
|
Keywords: OpenTelemetry,otel,otlp,llm,tracing,openai,anthropic,claude,cohere,llm monitoring,observability,monitoring,gpt,Generative AI,chatGPT,gpu
|
@@ -56,7 +56,7 @@ This project proudly follows and maintains the [Semantic Conventions](https://gi
|
|
56
56
|
|
57
57
|
## ⚡ Features
|
58
58
|
|
59
|
-
- 🔎 **Auto Instrumentation**: Works with
|
59
|
+
- 🔎 **Auto Instrumentation**: Works with 50+ LLM providers, Agents, Vector databases, and GPUs with just one line of code.
|
60
60
|
- 🔭 **OpenTelemetry-Native Observability SDKs**: Vendor-neutral SDKs that can send traces and metrics to your existing observability tool like Prometheus and Jaeger.
|
61
61
|
- 💲 **Cost Tracking for Custom and Fine-Tuned Models**: Pass custom pricing files for accurate budgeting of custom and fine-tuned models.
|
62
62
|
- 🚀 **Suppport for OpenLIT Features**: Includes suppprt for prompt management and secrets management features available in OpenLIT.
|
@@ -89,6 +89,7 @@ This project proudly follows and maintains the [Semantic Conventions](https://gi
|
|
89
89
|
| [✅ xAI](https://docs.openlit.io/latest/integrations/xai) | | | |
|
90
90
|
| [✅ Prem AI](https://docs.openlit.io/latest/integrations/premai) | | | |
|
91
91
|
| [✅ Assembly AI](https://docs.openlit.io/latest/integrations/assemblyai) | | | |
|
92
|
+
| [✅ Together](https://docs.openlit.io/latest/integrations/together) | | | |
|
92
93
|
|
93
94
|
## Supported Destinations
|
94
95
|
- [✅ OpenTelemetry Collector](https://docs.openlit.io/latest/connections/otelcol)
|
@@ -25,7 +25,7 @@ This project proudly follows and maintains the [Semantic Conventions](https://gi
|
|
25
25
|
|
26
26
|
## ⚡ Features
|
27
27
|
|
28
|
-
- 🔎 **Auto Instrumentation**: Works with
|
28
|
+
- 🔎 **Auto Instrumentation**: Works with 50+ LLM providers, Agents, Vector databases, and GPUs with just one line of code.
|
29
29
|
- 🔭 **OpenTelemetry-Native Observability SDKs**: Vendor-neutral SDKs that can send traces and metrics to your existing observability tool like Prometheus and Jaeger.
|
30
30
|
- 💲 **Cost Tracking for Custom and Fine-Tuned Models**: Pass custom pricing files for accurate budgeting of custom and fine-tuned models.
|
31
31
|
- 🚀 **Suppport for OpenLIT Features**: Includes suppprt for prompt management and secrets management features available in OpenLIT.
|
@@ -58,6 +58,7 @@ This project proudly follows and maintains the [Semantic Conventions](https://gi
|
|
58
58
|
| [✅ xAI](https://docs.openlit.io/latest/integrations/xai) | | | |
|
59
59
|
| [✅ Prem AI](https://docs.openlit.io/latest/integrations/premai) | | | |
|
60
60
|
| [✅ Assembly AI](https://docs.openlit.io/latest/integrations/assemblyai) | | | |
|
61
|
+
| [✅ Together](https://docs.openlit.io/latest/integrations/together) | | | |
|
61
62
|
|
62
63
|
## Supported Destinations
|
63
64
|
- [✅ OpenTelemetry Collector](https://docs.openlit.io/latest/connections/otelcol)
|
@@ -1,6 +1,6 @@
|
|
1
1
|
[tool.poetry]
|
2
2
|
name = "openlit"
|
3
|
-
version = "1.
|
3
|
+
version = "1.33.0"
|
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
|
repository = "https://github.com/openlit/openlit/tree/main/openlit/python"
|
@@ -52,6 +52,7 @@ from openlit.instrumentation.milvus import MilvusInstrumentor
|
|
52
52
|
from openlit.instrumentation.astra import AstraInstrumentor
|
53
53
|
from openlit.instrumentation.transformers import TransformersInstrumentor
|
54
54
|
from openlit.instrumentation.litellm import LiteLLMInstrumentor
|
55
|
+
from openlit.instrumentation.together import TogetherInstrumentor
|
55
56
|
from openlit.instrumentation.crewai import CrewAIInstrumentor
|
56
57
|
from openlit.instrumentation.ag2 import AG2Instrumentor
|
57
58
|
from openlit.instrumentation.multion import MultiOnInstrumentor
|
@@ -188,7 +189,6 @@ def instrument_if_available(
|
|
188
189
|
metrics_dict=config.metrics_dict,
|
189
190
|
disable_metrics=config.disable_metrics,
|
190
191
|
)
|
191
|
-
logger.info("Instrumented %s", instrumentor_name)
|
192
192
|
else:
|
193
193
|
# pylint: disable=line-too-long
|
194
194
|
logger.info("Library for %s (%s) not found. Skipping instrumentation", instrumentor_name, module_name)
|
@@ -264,6 +264,7 @@ def init(environment="default", application_name="default", tracer=None, otlp_en
|
|
264
264
|
"crawl4ai": "crawl4ai",
|
265
265
|
"firecrawl": "firecrawl",
|
266
266
|
"letta": "letta",
|
267
|
+
"together": "together",
|
267
268
|
}
|
268
269
|
|
269
270
|
invalid_instrumentors = [
|
@@ -360,6 +361,7 @@ def init(environment="default", application_name="default", tracer=None, otlp_en
|
|
360
361
|
"crawl4ai": Crawl4AIInstrumentor(),
|
361
362
|
"firecrawl": FireCrawlInstrumentor(),
|
362
363
|
"letta": LettaInstrumentor(),
|
364
|
+
"together": TogetherInstrumentor(),
|
363
365
|
}
|
364
366
|
|
365
367
|
# Initialize and instrument only the enabled instrumentors
|
@@ -0,0 +1,70 @@
|
|
1
|
+
# pylint: disable=useless-return, bad-staticmethod-argument, disable=duplicate-code
|
2
|
+
"""Initializer of Auto Instrumentation of Together AI Functions"""
|
3
|
+
|
4
|
+
from typing import Collection
|
5
|
+
import importlib.metadata
|
6
|
+
from opentelemetry.instrumentation.instrumentor import BaseInstrumentor
|
7
|
+
from wrapt import wrap_function_wrapper
|
8
|
+
|
9
|
+
from openlit.instrumentation.together.together import (
|
10
|
+
completion, image_generate
|
11
|
+
)
|
12
|
+
from openlit.instrumentation.together.async_together import (
|
13
|
+
async_completion, async_image_generate
|
14
|
+
)
|
15
|
+
|
16
|
+
_instruments = ("together >= 1.3.5",)
|
17
|
+
|
18
|
+
class TogetherInstrumentor(BaseInstrumentor):
|
19
|
+
"""
|
20
|
+
An instrumentor for Together's client library.
|
21
|
+
"""
|
22
|
+
|
23
|
+
def instrumentation_dependencies(self) -> Collection[str]:
|
24
|
+
return _instruments
|
25
|
+
|
26
|
+
def _instrument(self, **kwargs):
|
27
|
+
application_name = kwargs.get("application_name", "default_application")
|
28
|
+
environment = kwargs.get("environment", "default_environment")
|
29
|
+
tracer = kwargs.get("tracer")
|
30
|
+
metrics = kwargs.get("metrics_dict")
|
31
|
+
pricing_info = kwargs.get("pricing_info", {})
|
32
|
+
trace_content = kwargs.get("trace_content", False)
|
33
|
+
disable_metrics = kwargs.get("disable_metrics")
|
34
|
+
version = importlib.metadata.version("together")
|
35
|
+
|
36
|
+
# Chat completions
|
37
|
+
wrap_function_wrapper(
|
38
|
+
"together.resources.chat.completions",
|
39
|
+
"ChatCompletions.create",
|
40
|
+
completion("together.chat.completions", version, environment, application_name,
|
41
|
+
tracer, pricing_info, trace_content, metrics, disable_metrics),
|
42
|
+
)
|
43
|
+
|
44
|
+
# Image generate
|
45
|
+
wrap_function_wrapper(
|
46
|
+
"together.resources.images",
|
47
|
+
"Images.generate",
|
48
|
+
image_generate("together.image.generate", version, environment, application_name,
|
49
|
+
tracer, pricing_info, trace_content, metrics, disable_metrics),
|
50
|
+
)
|
51
|
+
|
52
|
+
# Chat completions
|
53
|
+
wrap_function_wrapper(
|
54
|
+
"together.resources.chat.completions",
|
55
|
+
"AsyncChatCompletions.create",
|
56
|
+
async_completion("together.chat.completions", version, environment, application_name,
|
57
|
+
tracer, pricing_info, trace_content, metrics, disable_metrics),
|
58
|
+
)
|
59
|
+
|
60
|
+
# Image generate
|
61
|
+
wrap_function_wrapper(
|
62
|
+
"together.resources.images",
|
63
|
+
"AsyncImages.generate",
|
64
|
+
async_image_generate("together.image.generate", version, environment, application_name,
|
65
|
+
tracer, pricing_info, trace_content, metrics, disable_metrics),
|
66
|
+
)
|
67
|
+
|
68
|
+
def _uninstrument(self, **kwargs):
|
69
|
+
# Proper uninstrumentation logic to revert patched methods
|
70
|
+
pass
|