ragaai-catalyst 2.1b2__tar.gz → 2.1b3__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.
Files changed (84) hide show
  1. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/PKG-INFO +1 -1
  2. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ai_travel_agent.py +19 -33
  3. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/pyproject.toml +1 -1
  4. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/agentic_tracing.py +1 -0
  5. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/base.py +6 -10
  6. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/llm_tracer.py +4 -0
  7. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/zip_list_of_unique_files.py +5 -3
  8. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst.egg-info/PKG-INFO +1 -1
  9. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst.egg-info/SOURCES.txt +8 -1
  10. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/requirements.txt +0 -1
  11. ragaai_catalyst-2.1b3/traces/2439beda-8f3a-45c3-82de-4f72624c6ce9.json +309 -0
  12. ragaai_catalyst-2.1b3/traces/cd571931-29fe-4d57-9523-71381c97abb1.json +302 -0
  13. ragaai_catalyst-2.1b3/traces/d3d5ad2d-6a98-40d6-8b69-8b082eab1bc2.json +1018 -0
  14. ragaai_catalyst-2.1b3/traces/ed050fde-8705-4635-8570-3aa7f6e4b286.json +334 -0
  15. ragaai_catalyst-2.1b3/traces/f2d41172-f89e-47e4-9523-1c1fe6ce20eb.json +302 -0
  16. ragaai_catalyst-2.1b3/traces/prompt_metric_dataset_finance.json +827 -0
  17. ragaai_catalyst-2.1b3/traces/prompt_metric_dataset_travel.json +829 -0
  18. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/.gitignore +0 -0
  19. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/__init__.py +0 -0
  20. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/catalyst_v2.ipynb +0 -0
  21. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/docs/dataset_management.md +0 -0
  22. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/docs/prompt_management.md +0 -0
  23. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/examples/prompt_management_litellm.ipynb +0 -0
  24. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/examples/prompt_management_openai.ipynb +0 -0
  25. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/finance_agent_catalyst.ipynb +0 -0
  26. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/financial_analysis_agent.py +0 -0
  27. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/__init__.py +0 -0
  28. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/_version.py +0 -0
  29. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/dataset.py +0 -0
  30. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/evaluation.py +0 -0
  31. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/experiment.py +0 -0
  32. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/guard_executor.py +0 -0
  33. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/guardrails_manager.py +0 -0
  34. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/internal_api_completion.py +0 -0
  35. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/prompt_manager.py +0 -0
  36. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/proxy_call.py +0 -0
  37. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/ragaai_catalyst.py +0 -0
  38. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/synthetic_data_generation.py +0 -0
  39. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/__init__.py +0 -0
  40. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/__init__.py +0 -0
  41. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/agent_tracer.py +0 -0
  42. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/data_structure.py +0 -0
  43. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/examples/FinancialAnalysisSystem.ipynb +0 -0
  44. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/examples/GameActivityEventPlanner.ipynb +0 -0
  45. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/examples/TravelPlanner.ipynb +0 -0
  46. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/file_name_tracker.py +0 -0
  47. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/network_tracer.py +0 -0
  48. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/sample.py +0 -0
  49. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/tool_tracer.py +0 -0
  50. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/unique_decorator.py +0 -0
  51. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/unique_decorator_test.py +0 -0
  52. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/upload_agentic_traces.py +0 -0
  53. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/upload_code.py +0 -0
  54. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/user_interaction_tracer.py +0 -0
  55. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/utils/__init__.py +0 -0
  56. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/utils/api_utils.py +0 -0
  57. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/utils/data_classes.py +0 -0
  58. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/utils/generic.py +0 -0
  59. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/utils/llm_utils.py +0 -0
  60. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/utils/model_costs.json +0 -0
  61. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/agentic_tracing/utils/trace_utils.py +0 -0
  62. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/exporters/__init__.py +0 -0
  63. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/exporters/file_span_exporter.py +0 -0
  64. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/exporters/raga_exporter.py +0 -0
  65. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/instrumentators/__init__.py +0 -0
  66. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/instrumentators/langchain.py +0 -0
  67. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/instrumentators/llamaindex.py +0 -0
  68. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/instrumentators/openai.py +0 -0
  69. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/llamaindex_callback.py +0 -0
  70. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/tracer.py +0 -0
  71. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/upload_traces.py +0 -0
  72. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/utils/__init__.py +0 -0
  73. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/tracers/utils/utils.py +0 -0
  74. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst/utils.py +0 -0
  75. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst.egg-info/dependency_links.txt +0 -0
  76. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst.egg-info/requires.txt +0 -0
  77. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/ragaai_catalyst.egg-info/top_level.txt +0 -0
  78. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/setup.cfg +0 -0
  79. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/sync_sample_llm_testing.py +0 -0
  80. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/test/test_catalyst/test_configuration.py +0 -0
  81. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/test/test_catalyst/test_dataset.py +0 -0
  82. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/test/test_catalyst/test_evaluation.py +0 -0
  83. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/test/test_catalyst/test_prompt_manager.py +0 -0
  84. {ragaai_catalyst-2.1b2 → ragaai_catalyst-2.1b3}/test/test_catalyst/test_synthetic_data_generation.py +0 -0
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: ragaai_catalyst
3
- Version: 2.1b2
3
+ Version: 2.1b3
4
4
  Summary: RAGA AI CATALYST
5
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.9
@@ -14,26 +14,23 @@ load_dotenv()
14
14
  from litellm import completion
15
15
  import openai
16
16
  from openai import AsyncOpenAI
17
- import vertexai
18
- from vertexai.generative_models import GenerativeModel
19
-
20
17
 
21
18
  catalyst = RagaAICatalyst(
22
- access_key="mp4NjrgFqjavNti38Uh4",
23
- secret_key="9OC0ZIiVZQRA4sYsb4025cfUbRPD3s5RTl3iho2U",
24
- base_url="https://llm-dev5.ragaai.ai/api"
19
+ access_key="saLy6KmMVlfAzunuQGS9",
20
+ secret_key="lm39fd4KXffM6gzLjnY9G7QReffhH4RGZPursp3A",
21
+ base_url="http://52.172.168.127/api"
25
22
  )
26
23
  # Initialize tracer
27
24
  tracer = Tracer(
28
- project_name="Alteryx_Copilot_DS",
29
- dataset_name="AITravelAgent",
30
- tracer_type="AgenticTracing",
25
+ project_name="prompt_metric_dataset",
26
+ dataset_name="ChatOpenAI_tan",
27
+ tracer_type="anything",
31
28
  metadata={
32
- "model": "google/gemini-1.5-flash-002",
29
+ "model": "gpt-3.5-turbo",
33
30
  "environment": "production"
34
31
  },
35
32
  pipeline={
36
- "llm_model": "google/gemini-1.5-flash-002",
33
+ "llm_model": "gpt-3.5-turbo",
37
34
  "vector_store": "faiss",
38
35
  "embed_model": "text-embedding-ada-002",
39
36
  }
@@ -45,28 +42,17 @@ tracer.start()
45
42
 
46
43
 
47
44
  @tracer.trace_llm(name="llm_call")
48
- def llm_call(prompt, max_tokens=512, model="gemini-1.5-flash-002", name="default"):
49
- import vertexai
50
- from vertexai.generative_models import GenerativeModel
51
-
52
- # Initialize Vertex AI
53
- project_id = os.environ.get("GOOGLE_CLOUD_PROJECT")
54
- location = os.environ.get("GOOGLE_CLOUD_LOCATION", "us-central1")
55
- vertexai.init(project=project_id, location=location)
56
-
57
- # Create model instance
58
- model = GenerativeModel(model)
59
-
60
- # Generate content
61
- response = model.generate_content(
62
- prompt,
63
- generation_config={
64
- "max_output_tokens": max_tokens,
65
- "temperature": 0.7,
66
- }
45
+ def llm_call(prompt, max_tokens=512, model="gpt-4o-mini", name="default"):
46
+ client = OpenAI(api_key=os.environ["OPENAI_API_KEY"])
47
+
48
+ response = client.chat.completions.create(
49
+ model=model,
50
+ messages=[{"role": "user", "content": prompt}],
51
+ max_tokens=max_tokens,
52
+ temperature=0.7,
67
53
  )
68
54
 
69
- actual_response = response.text.strip()
55
+ actual_response = response.choices[0].message.content.strip()
70
56
 
71
57
  return actual_response
72
58
 
@@ -170,8 +156,8 @@ def travel_agent():
170
156
 
171
157
  # Get user input
172
158
  # user_input = input("Please describe your ideal vacation: ")
173
- # user_input = input("Please describe your ideal vacation: ")
174
- user_input = "Antartica, 2 days, $10000, scientific"
159
+ user_input = input("Please describe your ideal vacation: ")
160
+ #"karela, 10 days, $100, nature"
175
161
 
176
162
  # Extract preferences
177
163
  preferences_prompt = f"""
@@ -8,7 +8,7 @@ description = "RAGA AI CATALYST"
8
8
  readme = "README.md"
9
9
  requires-python = ">=3.9"
10
10
  # license = {file = "LICENSE"}
11
- version = "2.1.beta.2"
11
+ version = "2.1.beta.3"
12
12
  authors = [
13
13
  {name = "Kiran Scaria", email = "kiran.scaria@raga.ai"},
14
14
  {name = "Kedar Gaikwad", email = "kedar.gaikwad@raga.ai"},
@@ -112,6 +112,7 @@ class AgenticTracing(BaseTracer, LLMTracerMixin, ToolTracerMixin, AgentTracerMix
112
112
 
113
113
  # Cleanup
114
114
  self.unpatch_llm_calls()
115
+ self.user_interaction_tracer.interactions = [] # Clear interactions list
115
116
  self.is_active = False
116
117
 
117
118
 
@@ -1,27 +1,24 @@
1
1
  import json
2
2
  import os
3
3
  import platform
4
- import re
5
4
  import psutil
6
5
  import pkg_resources
7
6
  from datetime import datetime
8
7
  from pathlib import Path
9
- from typing import Optional, Dict, Any, List
8
+ from typing import List
10
9
  import uuid
11
10
  import sys
11
+ import tempfile
12
12
 
13
13
  from .data_structure import (
14
14
  Trace, Metadata, SystemInfo, OSInfo, EnvironmentInfo,
15
15
  Resources, CPUResource, MemoryResource, DiskResource, NetworkResource,
16
16
  ResourceInfo, MemoryInfo, DiskInfo, NetworkInfo,
17
- Component, LLMComponent, AgentComponent, ToolComponent,
18
- NetworkCall, Interaction, Error
17
+ Component,
19
18
  )
20
19
 
21
- from ..upload_traces import UploadTraces
22
20
  from .upload_agentic_traces import UploadAgenticTraces
23
21
  from .upload_code import upload_code
24
- from ...ragaai_catalyst import RagaAICatalyst
25
22
 
26
23
  from .file_name_tracker import TrackName
27
24
  from .zip_list_of_unique_files import zip_list_of_unique_files
@@ -182,14 +179,13 @@ class BaseTracer:
182
179
  self.trace = self._extract_cost_tokens(self.trace)
183
180
 
184
181
  # Create traces directory if it doesn't exist
185
- self.traces_dir = Path("traces")
186
- self.traces_dir.mkdir(exist_ok=True)
182
+ self.traces_dir = tempfile.gettempdir()
187
183
  filename = self.trace.id + ".json"
188
- filepath = self.traces_dir / filename
184
+ filepath = f"{self.traces_dir}/{filename}"
189
185
 
190
186
  #get unique files and zip it. Generate a unique hash ID for the contents of the files
191
187
  list_of_unique_files = self.file_tracker.get_unique_files()
192
- hash_id, zip_path = zip_list_of_unique_files(list_of_unique_files)
188
+ hash_id, zip_path = zip_list_of_unique_files(list_of_unique_files, output_dir=self.traces_dir)
193
189
 
194
190
  #replace source code with zip_path
195
191
  self.trace.metadata.system_info.source_code = hash_id
@@ -654,6 +654,10 @@ class LLMTracerMixin:
654
654
  finally:
655
655
 
656
656
  llm_component = self.llm_data
657
+ llm_component['name'] = name
658
+
659
+ if self.gt:
660
+ llm_component["data"]["gt"] = self.gt
657
661
 
658
662
  if error_info:
659
663
  llm_component["error"] = error_info["error"]
@@ -7,6 +7,8 @@ import importlib.util
7
7
  import json
8
8
  import astor
9
9
  from pathlib import Path
10
+ import logging
11
+ logger = logging.getLogger(__name__)
10
12
 
11
13
  # Define the PackageUsageRemover class
12
14
  class PackageUsageRemover(ast.NodeTransformer):
@@ -165,15 +167,15 @@ class TraceDependencyTracker:
165
167
  try:
166
168
  relative_path = os.path.relpath(filepath, base_path)
167
169
  zipf.write(filepath, relative_path)
168
- print(f"Added to zip: {relative_path}")
170
+ # logger.info(f"Added to zip: {relative_path}")
169
171
  except Exception as e:
170
172
  print(f"Warning: Could not add {filepath} to zip: {str(e)}")
171
173
 
172
174
  return hash_id, zip_filename
173
175
 
174
176
  # Main function for creating a zip of unique files
175
- def zip_list_of_unique_files(filepaths):
176
- tracker = TraceDependencyTracker()
177
+ def zip_list_of_unique_files(filepaths, output_dir):
178
+ tracker = TraceDependencyTracker(output_dir)
177
179
  return tracker.create_zip(filepaths)
178
180
 
179
181
  # Example usage
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: ragaai_catalyst
3
- Version: 2.1b2
3
+ Version: 2.1b3
4
4
  Summary: RAGA AI CATALYST
5
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.9
@@ -72,4 +72,11 @@ test/test_catalyst/test_configuration.py
72
72
  test/test_catalyst/test_dataset.py
73
73
  test/test_catalyst/test_evaluation.py
74
74
  test/test_catalyst/test_prompt_manager.py
75
- test/test_catalyst/test_synthetic_data_generation.py
75
+ test/test_catalyst/test_synthetic_data_generation.py
76
+ traces/2439beda-8f3a-45c3-82de-4f72624c6ce9.json
77
+ traces/cd571931-29fe-4d57-9523-71381c97abb1.json
78
+ traces/d3d5ad2d-6a98-40d6-8b69-8b082eab1bc2.json
79
+ traces/ed050fde-8705-4635-8570-3aa7f6e4b286.json
80
+ traces/f2d41172-f89e-47e4-9523-1c1fe6ce20eb.json
81
+ traces/prompt_metric_dataset_finance.json
82
+ traces/prompt_metric_dataset_travel.json
@@ -20,7 +20,6 @@ google-api-core==2.24.0
20
20
  google-api-python-client==2.156.0
21
21
  google-auth==2.37.0
22
22
  google-auth-httplib2==0.2.0
23
- google-cloud-aiplatform==1.45.0
24
23
  google-generativeai==0.8.3
25
24
  googleapis-common-protos==1.66.0
26
25
  groq==0.13.1
@@ -0,0 +1,309 @@
1
+ {
2
+ "id": "2439beda-8f3a-45c3-82de-4f72624c6ce9",
3
+ "project_name": "prompt_metric_dataset",
4
+ "start_time": "2024-12-27T11:33:44.489988+00:00",
5
+ "end_time": "2024-12-27T17:03:52.790381",
6
+ "metadata": {
7
+ "cost": {
8
+ "input_cost": 0.0,
9
+ "output_cost": 0.0,
10
+ "total_cost": 0.0
11
+ },
12
+ "tokens": {
13
+ "prompt_tokens": 0,
14
+ "completion_tokens": 0,
15
+ "total_tokens": 0
16
+ },
17
+ "system_info": {
18
+ "id": "sys_2439beda-8f3a-45c3-82de-4f72624c6ce9",
19
+ "os": {
20
+ "name": "Darwin",
21
+ "version": "Darwin Kernel Version 24.1.0: Thu Oct 10 21:03:15 PDT 2024; root:xnu-11215.41.3~2/RELEASE_ARM64_T6000",
22
+ "platform": "arm64",
23
+ "kernel_version": "24.1.0"
24
+ },
25
+ "environment": {
26
+ "name": "Python",
27
+ "version": "3.11.11",
28
+ "packages": [
29
+ "deprecated==1.2.15",
30
+ "markdown==3.7",
31
+ "markupsafe==3.0.2",
32
+ "pyyaml==6.0.2",
33
+ "sqlalchemy==2.0.36",
34
+ "aiohappyeyeballs==2.4.4",
35
+ "aiohttp==3.10.2",
36
+ "aiosignal==1.3.2",
37
+ "annotated-types==0.7.0",
38
+ "anyio==4.7.0",
39
+ "appnope==0.1.4",
40
+ "asttokens==3.0.0",
41
+ "attrs==24.3.0",
42
+ "beautifulsoup4==4.12.3",
43
+ "cachetools==5.5.0",
44
+ "certifi==2024.12.14",
45
+ "charset-normalizer==3.4.0",
46
+ "click==8.1.8",
47
+ "comm==0.2.2",
48
+ "debugpy==1.6.7",
49
+ "decorator==5.1.1",
50
+ "distro==1.9.0",
51
+ "exceptiongroup==1.2.2",
52
+ "executing==2.1.0",
53
+ "filelock==3.16.1",
54
+ "frozenlist==1.5.0",
55
+ "fsspec==2024.12.0",
56
+ "google==3.0.0",
57
+ "google-ai-generativelanguage==0.6.10",
58
+ "google-api-core==2.24.0",
59
+ "google-api-python-client==2.156.0",
60
+ "google-auth==2.37.0",
61
+ "google-auth-httplib2==0.2.0",
62
+ "google-generativeai==0.8.3",
63
+ "googleapis-common-protos==1.66.0",
64
+ "groq==0.13.1",
65
+ "grpcio==1.68.1",
66
+ "grpcio-status==1.68.1",
67
+ "h11==0.14.0",
68
+ "httpcore==1.0.7",
69
+ "httplib2==0.22.0",
70
+ "httpx==0.28.1",
71
+ "huggingface-hub==0.27.0",
72
+ "idna==3.10",
73
+ "importlib-metadata==7.1.0",
74
+ "ipykernel==6.29.5",
75
+ "ipython==8.31.0",
76
+ "jedi==0.19.2",
77
+ "jinja2==3.1.5",
78
+ "jiter==0.8.2",
79
+ "jsonpatch==1.33",
80
+ "jsonpointer==3.0.0",
81
+ "jsonschema==4.23.0",
82
+ "jsonschema-specifications==2024.10.1",
83
+ "jupyter-client==8.6.3",
84
+ "jupyter-core==5.7.2",
85
+ "langchain-core==0.2.11",
86
+ "langsmith==0.1.147",
87
+ "litellm==1.42.12",
88
+ "matplotlib-inline==0.1.7",
89
+ "multidict==6.1.0",
90
+ "nest-asyncio==1.6.0",
91
+ "numpy==2.2.1",
92
+ "openai==1.58.1",
93
+ "opentelemetry-api==1.25.0",
94
+ "opentelemetry-instrumentation==0.46b0",
95
+ "opentelemetry-instrumentation-langchain==0.24.0",
96
+ "opentelemetry-instrumentation-openai==0.24.0",
97
+ "opentelemetry-sdk==1.25.0",
98
+ "opentelemetry-semantic-conventions==0.46b0",
99
+ "opentelemetry-semantic-conventions-ai==0.3.3",
100
+ "orjson==3.10.12",
101
+ "packaging==24.2",
102
+ "pandas==2.2.3",
103
+ "parso==0.8.4",
104
+ "pexpect==4.9.0",
105
+ "pickleshare==0.7.5",
106
+ "pip==24.2",
107
+ "platformdirs==4.3.6",
108
+ "prompt-toolkit==3.0.48",
109
+ "propcache==0.2.1",
110
+ "proto-plus==1.25.0",
111
+ "protobuf==5.29.2",
112
+ "psutil==5.9.0",
113
+ "ptyprocess==0.7.0",
114
+ "pure-eval==0.2.3",
115
+ "pyasn1==0.6.1",
116
+ "pyasn1-modules==0.4.1",
117
+ "pydantic==2.10.4",
118
+ "pydantic-core==2.27.2",
119
+ "pygments==2.18.0",
120
+ "pyparsing==3.2.0",
121
+ "pypdf2==3.0.1",
122
+ "python-dateutil==2.9.0.post0",
123
+ "python-dotenv==1.0.1",
124
+ "pytz==2024.2",
125
+ "pyzmq==26.2.0",
126
+ "referencing==0.35.1",
127
+ "regex==2024.11.6",
128
+ "requests==2.32.3",
129
+ "requests-toolbelt==1.0.0",
130
+ "rpds-py==0.22.3",
131
+ "rsa==4.9",
132
+ "setuptools==75.1.0",
133
+ "six==1.17.0",
134
+ "sniffio==1.3.1",
135
+ "soupsieve==2.6",
136
+ "stack-data==0.6.3",
137
+ "tenacity==8.5.0",
138
+ "tiktoken==0.8.0",
139
+ "tokenizers==0.21.0",
140
+ "toml==0.10.2",
141
+ "tornado==6.4.2",
142
+ "tqdm==4.67.1",
143
+ "traitlets==5.14.3",
144
+ "typing-extensions==4.12.2",
145
+ "tzdata==2024.2",
146
+ "uritemplate==4.1.1",
147
+ "urllib3==2.3.0",
148
+ "wcwidth==0.2.13",
149
+ "wheel==0.44.0",
150
+ "wrapt==1.17.0",
151
+ "yarl==1.18.3",
152
+ "zipp==3.21.0",
153
+ "autocommand==2.2.2",
154
+ "backports.tarfile==1.2.0",
155
+ "importlib-resources==6.4.0",
156
+ "inflect==7.3.1",
157
+ "jaraco.collections==5.1.0",
158
+ "jaraco.context==5.3.0",
159
+ "jaraco.functools==4.0.1",
160
+ "jaraco.text==3.12.1",
161
+ "more-itertools==10.3.0",
162
+ "tomli==2.0.1",
163
+ "typeguard==4.3.0"
164
+ ],
165
+ "env_path": "/Users/abs/miniconda3/envs/catalyst",
166
+ "command_to_run": "python sync_sample_llm_testing.py"
167
+ },
168
+ "source_code": "Path to the source code .zip file in format hashid.zip"
169
+ },
170
+ "resources": {
171
+ "cpu": {
172
+ "info": {
173
+ "name": "arm",
174
+ "cores": 10,
175
+ "threads": 10
176
+ },
177
+ "interval": "5s",
178
+ "values": [
179
+ 12.9
180
+ ]
181
+ },
182
+ "memory": {
183
+ "info": {
184
+ "total": 16.0,
185
+ "free": 5.8634796142578125
186
+ },
187
+ "interval": "5s",
188
+ "values": [
189
+ 63.4
190
+ ]
191
+ },
192
+ "disk": {
193
+ "info": {
194
+ "total": 460.4317207336426,
195
+ "free": 153.49431991577148
196
+ },
197
+ "interval": "5s",
198
+ "read": [
199
+ 22130.35693359375
200
+ ],
201
+ "write": [
202
+ 17201.7421875
203
+ ]
204
+ },
205
+ "network": {
206
+ "info": {
207
+ "upload_speed": 2988.1220703125,
208
+ "download_speed": 3786.966796875
209
+ },
210
+ "interval": "5s",
211
+ "uploads": [
212
+ 2988.1220703125
213
+ ],
214
+ "downloads": [
215
+ 3786.966796875
216
+ ]
217
+ }
218
+ },
219
+ "total_cost": 0.0,
220
+ "total_tokens": 0
221
+ },
222
+ "data": [
223
+ {
224
+ "start_time": "2024-12-27T17:03:44.489947",
225
+ "end_time": "2024-12-27T17:03:52.790374",
226
+ "spans": [
227
+ {
228
+ "id": 1,
229
+ "hash_id": "ff175faa-d248-51e2-b5e0-2d92b561db1d",
230
+ "type": "llm",
231
+ "name": "create",
232
+ "start_time": "2024-12-27T11:33:50.398604",
233
+ "end_time": "2024-12-27T11:33:52.789571",
234
+ "parent_id": 0,
235
+ "info": {
236
+ "llm_type": "unknown",
237
+ "version": "1.0.0",
238
+ "memory_used": 0,
239
+ "cost": {},
240
+ "tokens": {}
241
+ },
242
+ "data": {
243
+ "input": {},
244
+ "output": null,
245
+ "memory_used": 0
246
+ },
247
+ "network_calls": [],
248
+ "interactions": []
249
+ },
250
+ {
251
+ "id": 2,
252
+ "hash_id": "52e5eb59-b84c-5e8f-b4cc-f76b159c1023",
253
+ "type": "llm",
254
+ "name": "llm_call",
255
+ "start_time": "2024-12-27T17:03:45.233336",
256
+ "end_time": "2024-12-27T17:03:52.790159",
257
+ "parent_id": 0,
258
+ "info": {
259
+ "cost": {
260
+ "input_cost": 0.0,
261
+ "output_cost": 0.0,
262
+ "total_cost": 0.0
263
+ },
264
+ "tokens": {
265
+ "prompt_tokens": 0,
266
+ "completion_tokens": 0,
267
+ "total_tokens": 0
268
+ },
269
+ "error": null
270
+ },
271
+ "data": {
272
+ "input": {
273
+ "args": [
274
+ "Write a poem about a unicorn"
275
+ ],
276
+ "kwargs": {}
277
+ },
278
+ "output": "In the mystical land of dreams so bright\nThere roams a creature of pure delight\nWith a horn of shimmering light\nA unicorn, oh what a sight\n\nGraceful and majestic, it dances with glee\nThrough fields of flowers, wild and free\nIts mane and tail like silk they flow\nIn colors that only rainbows know\n\nIts hooves leave trails of stardust behind\nAs it gallops through the forest, so kind\nBringing magic and wonder wherever it goes\nA creature so rare, everyone knows\n\nWith eyes that sparkle like the stars above\nIt whispers secrets of peace and love\nA symbol of beauty, grace, and purity\nThe unicorn is a marvel of serenity\n\nSo if you ever catch a glimpse of its gleam\nRemember the magic of this wondrous dream\nFor in the heart of every child and adult\nLies the spirit of the unicorn, untamed and exulted.",
279
+ "error": null,
280
+ "children": []
281
+ },
282
+ "network_calls": [],
283
+ "interactions": []
284
+ }
285
+ ]
286
+ }
287
+ ],
288
+ "replays": {
289
+ "source": null
290
+ },
291
+ "components": [],
292
+ "interactions": [
293
+ {
294
+ "interaction_type": "print",
295
+ "content": "llm_call",
296
+ "timestamp": "2024-12-27T17:03:45.233389"
297
+ },
298
+ {
299
+ "interaction_type": "print",
300
+ "content": "Do not press enter",
301
+ "timestamp": "2024-12-27T17:03:45.233439"
302
+ },
303
+ {
304
+ "interaction_type": "input",
305
+ "content": "tan",
306
+ "timestamp": "2024-12-27T17:03:50.382674"
307
+ }
308
+ ]
309
+ }