ragaai-catalyst 2.1.5b20__py3-none-any.whl → 2.1.5b22__py3-none-any.whl
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.
- ragaai_catalyst/dataset.py +54 -1
- ragaai_catalyst/synthetic_data_generation.py +39 -6
- ragaai_catalyst/tracers/agentic_tracing/tracers/agent_tracer.py +28 -18
- ragaai_catalyst/tracers/agentic_tracing/tracers/base.py +3 -1
- ragaai_catalyst/tracers/agentic_tracing/tracers/custom_tracer.py +17 -7
- ragaai_catalyst/tracers/agentic_tracing/tracers/llm_tracer.py +106 -16
- ragaai_catalyst/tracers/agentic_tracing/tracers/main_tracer.py +1 -2
- ragaai_catalyst/tracers/agentic_tracing/tracers/tool_tracer.py +17 -6
- ragaai_catalyst/tracers/agentic_tracing/upload/upload_trace_metric.py +6 -5
- ragaai_catalyst/tracers/agentic_tracing/utils/file_name_tracker.py +21 -2
- ragaai_catalyst/tracers/agentic_tracing/utils/llm_utils.py +30 -11
- ragaai_catalyst/tracers/agentic_tracing/utils/model_costs.json +1204 -484
- ragaai_catalyst/tracers/agentic_tracing/utils/span_attributes.py +35 -0
- ragaai_catalyst/tracers/agentic_tracing/utils/trace_utils.py +0 -32
- ragaai_catalyst/tracers/distributed.py +7 -3
- ragaai_catalyst/tracers/tracer.py +25 -8
- ragaai_catalyst/tracers/utils/langchain_tracer_extraction_logic.py +5 -4
- {ragaai_catalyst-2.1.5b20.dist-info → ragaai_catalyst-2.1.5b22.dist-info}/METADATA +2 -2
- {ragaai_catalyst-2.1.5b20.dist-info → ragaai_catalyst-2.1.5b22.dist-info}/RECORD +22 -22
- {ragaai_catalyst-2.1.5b20.dist-info → ragaai_catalyst-2.1.5b22.dist-info}/LICENSE +0 -0
- {ragaai_catalyst-2.1.5b20.dist-info → ragaai_catalyst-2.1.5b22.dist-info}/WHEEL +0 -0
- {ragaai_catalyst-2.1.5b20.dist-info → ragaai_catalyst-2.1.5b22.dist-info}/top_level.txt +0 -0
@@ -18,6 +18,8 @@ class SpanAttributes:
|
|
18
18
|
self.metrics = []
|
19
19
|
self.feedback = None
|
20
20
|
self.trace_attributes = ["tags", "metadata", "metrics"]
|
21
|
+
self.gt = None
|
22
|
+
self.context = []
|
21
23
|
|
22
24
|
def add_tags(self, tags: str | List[str]):
|
23
25
|
if isinstance(tags, str):
|
@@ -57,3 +59,36 @@ class SpanAttributes:
|
|
57
59
|
def add_feedback(self, feedback: Any):
|
58
60
|
self.feedback = feedback
|
59
61
|
logger.debug(f"Added feedback: {self.feedback}")
|
62
|
+
|
63
|
+
def add_gt(self, gt: Any):
|
64
|
+
if not isinstance(gt, (str, int, float, bool, list, dict)):
|
65
|
+
raise TypeError(f"Unsupported type for gt: {type(gt)}")
|
66
|
+
if self.gt:
|
67
|
+
logger.warning(f"GT already exists: {self.gt} \n Overwriting...")
|
68
|
+
self.gt = gt
|
69
|
+
logger.debug(f"Added gt: {self.gt}")
|
70
|
+
|
71
|
+
def add_context(self, context: str|List[str]):
|
72
|
+
if isinstance(context, str):
|
73
|
+
if not context.strip():
|
74
|
+
logger.warning("Empty or whitespace-only context string provided")
|
75
|
+
fin_context = [context]
|
76
|
+
elif isinstance(context, list):
|
77
|
+
fin_context = []
|
78
|
+
for cntxt in context:
|
79
|
+
if not isinstance(cntxt, str):
|
80
|
+
try:
|
81
|
+
cntxt = str(cntxt)
|
82
|
+
except Exception as e:
|
83
|
+
logger.warning('Cannot cast an element to string... Skipping')
|
84
|
+
fin_context.append(cntxt)
|
85
|
+
if not any(c for c in fin_context if c and c.strip()):
|
86
|
+
logger.warning("No valid context strings provided")
|
87
|
+
else:
|
88
|
+
fin_context = []
|
89
|
+
try:
|
90
|
+
fin_context = [str(context)]
|
91
|
+
except Exception as e:
|
92
|
+
logger.warning('Cannot cast the context to string... Skipping')
|
93
|
+
self.context = fin_context
|
94
|
+
logger.debug(f"Added context: {self.context}")
|
@@ -59,38 +59,6 @@ def calculate_cost(
|
|
59
59
|
"total": total_cost,
|
60
60
|
}
|
61
61
|
|
62
|
-
|
63
|
-
def load_model_costs():
|
64
|
-
try:
|
65
|
-
current_dir = os.path.dirname(os.path.abspath(__file__))
|
66
|
-
model_costs_path = os.path.join(current_dir, "model_costs.json")
|
67
|
-
with open(model_costs_path, "r") as file:
|
68
|
-
return json.load(file)
|
69
|
-
except FileNotFoundError:
|
70
|
-
with resources.open_text("utils", "model_costs.json") as file:
|
71
|
-
return json.load(file)
|
72
|
-
|
73
|
-
|
74
|
-
def update_model_costs_from_github():
|
75
|
-
"""Updates the model_costs.json file with latest costs from GitHub."""
|
76
|
-
try:
|
77
|
-
logger.debug("loading the latest model costs.")
|
78
|
-
response = requests.get(
|
79
|
-
"https://raw.githubusercontent.com/BerriAI/litellm/main/model_prices_and_context_window.json"
|
80
|
-
)
|
81
|
-
if response.status_code == 200:
|
82
|
-
current_dir = os.path.dirname(os.path.abspath(__file__))
|
83
|
-
model_costs_path = os.path.join(current_dir, "model_costs.json")
|
84
|
-
with open(model_costs_path, "w") as file:
|
85
|
-
json.dump(response.json(), file, indent=4)
|
86
|
-
logger.debug("Model costs updated successfully.")
|
87
|
-
return True
|
88
|
-
return False
|
89
|
-
except Exception as e:
|
90
|
-
logger.error(f"Failed to update model costs from GitHub: {e}")
|
91
|
-
return False
|
92
|
-
|
93
|
-
|
94
62
|
def log_event(event_data, log_file_path):
|
95
63
|
event_data = asdict(event_data)
|
96
64
|
with open(log_file_path, "a") as f:
|
@@ -9,6 +9,7 @@ from typing import Optional, Dict, Any, List
|
|
9
9
|
from functools import wraps
|
10
10
|
from contextlib import contextmanager
|
11
11
|
import uuid
|
12
|
+
from .agentic_tracing.utils.unique_decorator import generate_unique_hash_simple
|
12
13
|
from datetime import datetime
|
13
14
|
import asyncio
|
14
15
|
|
@@ -86,6 +87,8 @@ def trace_agent(name: str = None, agent_type: str = "generic", version: str = "1
|
|
86
87
|
def decorator(func):
|
87
88
|
is_async = asyncio.iscoroutinefunction(func)
|
88
89
|
span_name = name or func.__name__
|
90
|
+
# Generate hash based on the decorated function
|
91
|
+
top_level_hash_id = generate_unique_hash_simple(func)
|
89
92
|
|
90
93
|
@wraps(func)
|
91
94
|
async def async_wrapper(*args, **kwargs):
|
@@ -104,7 +107,7 @@ def trace_agent(name: str = None, agent_type: str = "generic", version: str = "1
|
|
104
107
|
agent_type,
|
105
108
|
version,
|
106
109
|
None, # capabilities
|
107
|
-
|
110
|
+
top_level_hash_id,
|
108
111
|
*args,
|
109
112
|
**kwargs
|
110
113
|
)
|
@@ -130,6 +133,7 @@ def trace_agent(name: str = None, agent_type: str = "generic", version: str = "1
|
|
130
133
|
agent_type,
|
131
134
|
version,
|
132
135
|
None, # capabilities
|
136
|
+
top_level_hash_id,
|
133
137
|
*args,
|
134
138
|
**kwargs
|
135
139
|
)
|
@@ -158,7 +162,7 @@ def trace_llm(name: str = None, model: str = None, **kwargs):
|
|
158
162
|
|
159
163
|
try:
|
160
164
|
# Just execute the function within the current span
|
161
|
-
result = await func(*args, **kwargs)
|
165
|
+
result = await tracer.file_tracker.trace_wrapper(func)(*args, **kwargs)
|
162
166
|
return result
|
163
167
|
finally:
|
164
168
|
# Reset using the stored token
|
@@ -176,7 +180,7 @@ def trace_llm(name: str = None, model: str = None, **kwargs):
|
|
176
180
|
|
177
181
|
try:
|
178
182
|
# Just execute the function within the current span
|
179
|
-
result = func(*args, **kwargs)
|
183
|
+
result = tracer.file_tracker.trace_wrapper(func)(*args, **kwargs)
|
180
184
|
return result
|
181
185
|
finally:
|
182
186
|
# Reset using the stored token
|
@@ -6,6 +6,8 @@ import logging
|
|
6
6
|
import asyncio
|
7
7
|
import aiohttp
|
8
8
|
import requests
|
9
|
+
from litellm import model_cost
|
10
|
+
|
9
11
|
from contextlib import contextmanager
|
10
12
|
from concurrent.futures import ThreadPoolExecutor
|
11
13
|
from ragaai_catalyst.tracers.langchain_callback import LangchainTracer
|
@@ -30,7 +32,6 @@ from ragaai_catalyst.tracers.utils import get_unique_key
|
|
30
32
|
from ragaai_catalyst import RagaAICatalyst
|
31
33
|
from ragaai_catalyst.tracers.agentic_tracing import AgenticTracing, TrackName
|
32
34
|
from ragaai_catalyst.tracers.agentic_tracing.tracers.llm_tracer import LLMTracerMixin
|
33
|
-
from ragaai_catalyst.tracers.agentic_tracing.utils.trace_utils import load_model_costs, update_model_costs_from_github
|
34
35
|
|
35
36
|
logger = logging.getLogger(__name__)
|
36
37
|
|
@@ -127,11 +128,8 @@ class Tracer(AgenticTracing):
|
|
127
128
|
self.timeout = 30
|
128
129
|
self.num_projects = 100
|
129
130
|
self.start_time = datetime.datetime.now().astimezone().isoformat()
|
130
|
-
self.model_cost_dict =
|
131
|
-
|
132
|
-
if update_llm_cost:
|
133
|
-
# First update the model costs file from GitHub
|
134
|
-
update_model_costs_from_github()
|
131
|
+
self.model_cost_dict = model_cost
|
132
|
+
self.user_context = "" # Initialize user_context to store context from add_context
|
135
133
|
|
136
134
|
try:
|
137
135
|
response = requests.get(
|
@@ -318,7 +316,7 @@ class Tracer(AgenticTracing):
|
|
318
316
|
if additional_metadata:
|
319
317
|
combined_metadata.update(additional_metadata)
|
320
318
|
|
321
|
-
langchain_traces = langchain_tracer_extraction(data)
|
319
|
+
langchain_traces = langchain_tracer_extraction(data, self.user_context)
|
322
320
|
final_result = convert_langchain_callbacks_output(langchain_traces)
|
323
321
|
|
324
322
|
# Safely set required fields in final_result
|
@@ -463,4 +461,23 @@ class Tracer(AgenticTracing):
|
|
463
461
|
}
|
464
462
|
}
|
465
463
|
}
|
466
|
-
return user_detail
|
464
|
+
return user_detail
|
465
|
+
|
466
|
+
def add_context(self, context):
|
467
|
+
"""
|
468
|
+
Add context information to the trace. This method is only supported for 'langchain' and 'llamaindex' tracer types.
|
469
|
+
|
470
|
+
Args:
|
471
|
+
context: Additional context information to be added to the trace. Can be a string.
|
472
|
+
|
473
|
+
Raises:
|
474
|
+
ValueError: If tracer_type is not 'langchain' or 'llamaindex'.
|
475
|
+
"""
|
476
|
+
if self.tracer_type not in ["langchain", "llamaindex"]:
|
477
|
+
raise ValueError("add_context is only supported for 'langchain' and 'llamaindex' tracer types")
|
478
|
+
|
479
|
+
# Convert string context to string if needed
|
480
|
+
if isinstance(context, str):
|
481
|
+
self.user_context = context
|
482
|
+
else:
|
483
|
+
raise TypeError("context must be a string")
|
@@ -1,7 +1,7 @@
|
|
1
1
|
import json
|
2
2
|
import uuid
|
3
3
|
|
4
|
-
def langchain_tracer_extraction(data):
|
4
|
+
def langchain_tracer_extraction(data, user_context=""):
|
5
5
|
trace_aggregate = {}
|
6
6
|
import uuid
|
7
7
|
|
@@ -49,13 +49,14 @@ def langchain_tracer_extraction(data):
|
|
49
49
|
def get_response(data):
|
50
50
|
for item in data["llm_calls"]:
|
51
51
|
if item["event"] == "llm_end":
|
52
|
-
# import pdb; pdb.set_trace()
|
53
52
|
llm_end_responses = item["response"]["generations"][0]
|
54
53
|
for llm_end_response in llm_end_responses:
|
55
54
|
response = llm_end_response["text"]
|
56
55
|
return response.strip()
|
57
56
|
|
58
|
-
def get_context(data):
|
57
|
+
def get_context(data, user_context):
|
58
|
+
if user_context:
|
59
|
+
return user_context
|
59
60
|
if "retriever_actions" in data and data["retriever_actions"] != []:
|
60
61
|
for item in data["retriever_actions"]:
|
61
62
|
if item["event"] == "retriever_end":
|
@@ -72,7 +73,7 @@ def langchain_tracer_extraction(data):
|
|
72
73
|
|
73
74
|
prompt = get_prompt(data)
|
74
75
|
response = get_response(data)
|
75
|
-
context = get_context(data)
|
76
|
+
context = get_context(data, user_context)
|
76
77
|
|
77
78
|
trace_aggregate["data"]["prompt"]=prompt
|
78
79
|
trace_aggregate["data"]["response"]=response
|
@@ -1,8 +1,8 @@
|
|
1
1
|
Metadata-Version: 2.2
|
2
2
|
Name: ragaai_catalyst
|
3
|
-
Version: 2.1.
|
3
|
+
Version: 2.1.5b22
|
4
4
|
Summary: RAGA AI CATALYST
|
5
|
-
Author-email: Kiran Scaria <kiran.scaria@raga.ai>,
|
5
|
+
Author-email: Kiran Scaria <kiran.scaria@raga.ai>, Kedar Gaikwad <kedar.gaikwad@raga.ai>, Dushyant Mahajan <dushyant.mahajan@raga.ai>, Siddhartha Kosti <siddhartha.kosti@raga.ai>, Ritika Goel <ritika.goel@raga.ai>, Vijay Chaurasia <vijay.chaurasia@raga.ai>
|
6
6
|
Requires-Python: <3.13,>=3.9
|
7
7
|
Description-Content-Type: text/markdown
|
8
8
|
License-File: LICENSE
|
@@ -1,6 +1,6 @@
|
|
1
1
|
ragaai_catalyst/__init__.py,sha256=tvESV8UuVtth14E89wQxgf0WvQZSApWfDeLiIdmMhkE,791
|
2
2
|
ragaai_catalyst/_version.py,sha256=JKt9KaVNOMVeGs8ojO6LvIZr7ZkMzNN-gCcvryy4x8E,460
|
3
|
-
ragaai_catalyst/dataset.py,sha256=
|
3
|
+
ragaai_catalyst/dataset.py,sha256=VPfFt7dLUiQ9xmHZ0WhcRNJyMs2KHuOtawow-2Lujrw,26183
|
4
4
|
ragaai_catalyst/evaluation.py,sha256=pcmgCxmrugvIzBApu0BVaiPIueOcFj8uig3F1Br_PKs,21035
|
5
5
|
ragaai_catalyst/experiment.py,sha256=8yQo1phCHlpnJ-4CqCaIbLXg_1ZlAuLGI9kqGBl-OTE,18859
|
6
6
|
ragaai_catalyst/guard_executor.py,sha256=llPbE3DyVtrybojXknzBZj8-dtUrGBQwi9-ZiPJxGRo,3762
|
@@ -9,13 +9,13 @@ ragaai_catalyst/internal_api_completion.py,sha256=DdICI5yfEudiOAIC8L4oxH0Qz7kX-B
|
|
9
9
|
ragaai_catalyst/prompt_manager.py,sha256=W8ypramzOprrJ7-22d5vkBXIuIQ8v9XAzKDGxKsTK28,16550
|
10
10
|
ragaai_catalyst/proxy_call.py,sha256=CHxldeceZUaLU-to_hs_Kf1z_b2vHMssLS_cOBedu78,5499
|
11
11
|
ragaai_catalyst/ragaai_catalyst.py,sha256=5nVg3_-lcvhrXjNkPTeGhe3tdUjm_4ZIctOcqWXBkRA,17939
|
12
|
-
ragaai_catalyst/synthetic_data_generation.py,sha256=
|
12
|
+
ragaai_catalyst/synthetic_data_generation.py,sha256=gbvlA1ZrQgqJ_ASX7uB2J8Je06BjxUoYe7RXea1Y5y4,21261
|
13
13
|
ragaai_catalyst/utils.py,sha256=TlhEFwLyRU690HvANbyoRycR3nQ67lxVUQoUOfTPYQ0,3772
|
14
14
|
ragaai_catalyst/tracers/__init__.py,sha256=LfgTes-nHpazssbGKnn8kyLZNr49kIPrlkrqqoTFTfc,301
|
15
|
-
ragaai_catalyst/tracers/distributed.py,sha256=
|
15
|
+
ragaai_catalyst/tracers/distributed.py,sha256=DIthDaZWBIzDKtDShGSE9iCM0qFtGB48ReZKzMXMxtA,10630
|
16
16
|
ragaai_catalyst/tracers/langchain_callback.py,sha256=ZXN378gloGh5EVpTJuUScHD964WuIeVeE4_hp60gxG4,30686
|
17
17
|
ragaai_catalyst/tracers/llamaindex_callback.py,sha256=ZY0BJrrlz-P9Mg2dX-ZkVKG3gSvzwqBtk7JL_05MiYA,14028
|
18
|
-
ragaai_catalyst/tracers/tracer.py,sha256=
|
18
|
+
ragaai_catalyst/tracers/tracer.py,sha256=T7Q4IPhn5EPT3TsMROJw_3GvBuou1cWIjGFanwcN_OE,20819
|
19
19
|
ragaai_catalyst/tracers/upload_traces.py,sha256=2TWdRTN6FMaX-dqDv8BJWQS0xrCGYKkXEYOi2kK3Z3Y,5487
|
20
20
|
ragaai_catalyst/tracers/agentic_tracing/README.md,sha256=X4QwLb7-Jg7GQMIXj-SerZIgDETfw-7VgYlczOR8ZeQ,4508
|
21
21
|
ragaai_catalyst/tracers/agentic_tracing/__init__.py,sha256=yf6SKvOPSpH-9LiKaoLKXwqj5sez8F_5wkOb91yp0oE,260
|
@@ -28,31 +28,31 @@ ragaai_catalyst/tracers/agentic_tracing/tests/__init__.py,sha256=47DEQpj8HBSa-_T
|
|
28
28
|
ragaai_catalyst/tracers/agentic_tracing/tests/ai_travel_agent.py,sha256=S4rCcKzU_5SB62BYEbNn_1VbbTdG4396N8rdZ3ZNGcE,5654
|
29
29
|
ragaai_catalyst/tracers/agentic_tracing/tests/unique_decorator_test.py,sha256=Xk1cLzs-2A3dgyBwRRnCWs7Eubki40FVonwd433hPN8,4805
|
30
30
|
ragaai_catalyst/tracers/agentic_tracing/tracers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
31
|
-
ragaai_catalyst/tracers/agentic_tracing/tracers/agent_tracer.py,sha256=
|
32
|
-
ragaai_catalyst/tracers/agentic_tracing/tracers/base.py,sha256=
|
33
|
-
ragaai_catalyst/tracers/agentic_tracing/tracers/custom_tracer.py,sha256=
|
31
|
+
ragaai_catalyst/tracers/agentic_tracing/tracers/agent_tracer.py,sha256=bpy76kpphOtWkK7nF4vnHMZCwFtSphZmHlkmbJKTYd4,26876
|
32
|
+
ragaai_catalyst/tracers/agentic_tracing/tracers/base.py,sha256=V2NMpi4UsPgMSGtPzuG13j5NVnw3NEnqyKzg4VcbjtQ,38082
|
33
|
+
ragaai_catalyst/tracers/agentic_tracing/tracers/custom_tracer.py,sha256=mR4jCNjsKUPiidJ1pIthoUI5i9KCGGPe3zG5l80FUBo,14060
|
34
34
|
ragaai_catalyst/tracers/agentic_tracing/tracers/langgraph_tracer.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
35
|
-
ragaai_catalyst/tracers/agentic_tracing/tracers/llm_tracer.py,sha256=
|
36
|
-
ragaai_catalyst/tracers/agentic_tracing/tracers/main_tracer.py,sha256=
|
35
|
+
ragaai_catalyst/tracers/agentic_tracing/tracers/llm_tracer.py,sha256=Q_jZNBY3QU0dPcA2VVJVR1TQvPJ0zGSb-aX7YpaPUYo,39982
|
36
|
+
ragaai_catalyst/tracers/agentic_tracing/tracers/main_tracer.py,sha256=ZAG5aKBAr0O7oWd_EXcljH9PpSIo6QpWnZWH4NhKgAE,18315
|
37
37
|
ragaai_catalyst/tracers/agentic_tracing/tracers/network_tracer.py,sha256=m8CxYkl7iMiFya_lNwN1ykBc3Pmo-2pR_2HmpptwHWQ,10352
|
38
|
-
ragaai_catalyst/tracers/agentic_tracing/tracers/tool_tracer.py,sha256=
|
38
|
+
ragaai_catalyst/tracers/agentic_tracing/tracers/tool_tracer.py,sha256=CEbTzedv_AH5zXlChfTGMlQc-8oWATlwrVFb1KcO4c0,21588
|
39
39
|
ragaai_catalyst/tracers/agentic_tracing/tracers/user_interaction_tracer.py,sha256=bhSUhNQCuJXKjgJAXhjKEYjnHMpYN90FSZdR84fNIKU,4614
|
40
40
|
ragaai_catalyst/tracers/agentic_tracing/upload/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
41
41
|
ragaai_catalyst/tracers/agentic_tracing/upload/upload_agentic_traces.py,sha256=1MDKXAAPzOEdxFKWWQrRgrmM3kz--DGXSywGXQmR3lQ,6041
|
42
42
|
ragaai_catalyst/tracers/agentic_tracing/upload/upload_code.py,sha256=HgpMgI-JTWZrizcM7GGUIaAgaZF4aRT3D0dJXVEkblY,4271
|
43
|
-
ragaai_catalyst/tracers/agentic_tracing/upload/upload_trace_metric.py,sha256=
|
43
|
+
ragaai_catalyst/tracers/agentic_tracing/upload/upload_trace_metric.py,sha256=EULEghWHOiBX2g1IwY23aoFqKEFkuEu-BISWyteWsmA,3532
|
44
44
|
ragaai_catalyst/tracers/agentic_tracing/utils/__init__.py,sha256=XdB3X_ufe4RVvGorxSqAiB9dYv4UD7Hvvuw3bsDUppY,60
|
45
45
|
ragaai_catalyst/tracers/agentic_tracing/utils/api_utils.py,sha256=JyNCbfpW-w4O9CjtemTqmor2Rh1WGpQwhRaDSRmBxw8,689
|
46
46
|
ragaai_catalyst/tracers/agentic_tracing/utils/create_dataset_schema.py,sha256=lgvJL0cakJrX8WGsnU05YGvotequSj6HgSohyR4OJNE,804
|
47
|
-
ragaai_catalyst/tracers/agentic_tracing/utils/file_name_tracker.py,sha256=
|
47
|
+
ragaai_catalyst/tracers/agentic_tracing/utils/file_name_tracker.py,sha256=c1RR5tTm8J_oHu4DrLcDtCALhjk75yEXsiP7f7wf8nE,1953
|
48
48
|
ragaai_catalyst/tracers/agentic_tracing/utils/generic.py,sha256=WwXT01xmp8MSr7KinuDCSK9a1ifpLcT7ajFkvYviG_A,1190
|
49
49
|
ragaai_catalyst/tracers/agentic_tracing/utils/get_user_trace_metrics.py,sha256=vPZ4dn4EHFW0kqd1GyRpsYXbfrRrd0DXCmh-pzsDBNE,1109
|
50
|
-
ragaai_catalyst/tracers/agentic_tracing/utils/llm_utils.py,sha256=
|
51
|
-
ragaai_catalyst/tracers/agentic_tracing/utils/model_costs.json,sha256=
|
52
|
-
ragaai_catalyst/tracers/agentic_tracing/utils/span_attributes.py,sha256=
|
50
|
+
ragaai_catalyst/tracers/agentic_tracing/utils/llm_utils.py,sha256=5G4qvNTIo4Ee_TWnI4RqOt1N7riUy3xES6rWvSXZGsA,20356
|
51
|
+
ragaai_catalyst/tracers/agentic_tracing/utils/model_costs.json,sha256=2tzGw_cKCTPcfjEm7iGvFE6pTw7gMTPzeBov_MTaXNY,321336
|
52
|
+
ragaai_catalyst/tracers/agentic_tracing/utils/span_attributes.py,sha256=47-nnHa-sgTNg_Vg9M3s8Z4c3SDTtphgkq93Pxy_Tbo,3051
|
53
53
|
ragaai_catalyst/tracers/agentic_tracing/utils/supported_llm_provider.toml,sha256=LvFDivDIE96Zasp-fgDEqUJ5GEQZUawQucR3aOcSUTY,926
|
54
54
|
ragaai_catalyst/tracers/agentic_tracing/utils/system_monitor.py,sha256=H8WNsk4v_5T6OUw4TFOzlDLjQhJwjh1nAMyMAoqMEi4,6946
|
55
|
-
ragaai_catalyst/tracers/agentic_tracing/utils/trace_utils.py,sha256=
|
55
|
+
ragaai_catalyst/tracers/agentic_tracing/utils/trace_utils.py,sha256=go7FVnofviATDph-j8sk2juv09CGSRt1Vq4U868Fhd8,2259
|
56
56
|
ragaai_catalyst/tracers/agentic_tracing/utils/unique_decorator.py,sha256=DQHjcEuqEKsNSWaNs7SoOaq50yK4Jsl966S7mBnV-zA,5723
|
57
57
|
ragaai_catalyst/tracers/agentic_tracing/utils/zip_list_of_unique_files.py,sha256=8SAN4pjA3XKBWlUZiDGXGh26ve1qRH_fv0VwewsfCFc,18818
|
58
58
|
ragaai_catalyst/tracers/exporters/__init__.py,sha256=kVA8zp05h3phu4e-iHSlnznp_PzMRczB7LphSsZgUjg,138
|
@@ -64,10 +64,10 @@ ragaai_catalyst/tracers/instrumentators/llamaindex.py,sha256=SMrRlR4xM7k9HK43hak
|
|
64
64
|
ragaai_catalyst/tracers/instrumentators/openai.py,sha256=14R4KW9wQCR1xysLfsP_nxS7cqXrTPoD8En4MBAaZUU,379
|
65
65
|
ragaai_catalyst/tracers/utils/__init__.py,sha256=KeMaZtYaTojilpLv65qH08QmpYclfpacDA0U3wg6Ybw,64
|
66
66
|
ragaai_catalyst/tracers/utils/convert_langchain_callbacks_output.py,sha256=ofrNrxf2b1hpjDh_zeaxiYq86azn1MF3kW8-ViYPEg0,1641
|
67
|
-
ragaai_catalyst/tracers/utils/langchain_tracer_extraction_logic.py,sha256=
|
67
|
+
ragaai_catalyst/tracers/utils/langchain_tracer_extraction_logic.py,sha256=XS2_x2qneqEx9oAighLg-LRiueWcESLwIC2r7eJT-Ww,3117
|
68
68
|
ragaai_catalyst/tracers/utils/utils.py,sha256=ViygfJ7vZ7U0CTSA1lbxVloHp4NSlmfDzBRNCJuMhis,2374
|
69
|
-
ragaai_catalyst-2.1.
|
70
|
-
ragaai_catalyst-2.1.
|
71
|
-
ragaai_catalyst-2.1.
|
72
|
-
ragaai_catalyst-2.1.
|
73
|
-
ragaai_catalyst-2.1.
|
69
|
+
ragaai_catalyst-2.1.5b22.dist-info/LICENSE,sha256=xx0jnfkXJvxRnG63LTGOxlggYnIysveWIZ6H3PNdCrQ,11357
|
70
|
+
ragaai_catalyst-2.1.5b22.dist-info/METADATA,sha256=gAk8MiwrsxQhtr5VD4kv7vEKo7wtgYudwPhL56-khVM,12796
|
71
|
+
ragaai_catalyst-2.1.5b22.dist-info/WHEEL,sha256=In9FTNxeP60KnTkGw7wk6mJPYd_dQSjEZmXdBdMCI-8,91
|
72
|
+
ragaai_catalyst-2.1.5b22.dist-info/top_level.txt,sha256=HpgsdRgEJMk8nqrU6qdCYk3di7MJkDL0B19lkc7dLfM,16
|
73
|
+
ragaai_catalyst-2.1.5b22.dist-info/RECORD,,
|
File without changes
|
File without changes
|
File without changes
|