camel-ai 0.2.75a3__py3-none-any.whl → 0.2.75a6__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.

Potentially problematic release.


This version of camel-ai might be problematic. Click here for more details.

@@ -14,9 +14,8 @@
14
14
 
15
15
  import base64
16
16
  import os
17
- import uuid
18
17
  from io import BytesIO
19
- from typing import List, Literal, Optional
18
+ from typing import List, Literal, Optional, Union
20
19
 
21
20
  from openai import OpenAI
22
21
  from PIL import Image
@@ -64,13 +63,15 @@ class OpenAIImageToolkit(BaseToolkit):
64
63
  Literal["auto", "low", "medium", "high", "standard", "hd"]
65
64
  ] = "standard",
66
65
  response_format: Optional[Literal["url", "b64_json"]] = "b64_json",
67
- n: Optional[int] = 1,
68
66
  background: Optional[
69
67
  Literal["transparent", "opaque", "auto"]
70
68
  ] = "auto",
71
69
  style: Optional[Literal["vivid", "natural"]] = None,
72
70
  working_directory: Optional[str] = "image_save",
73
71
  ):
72
+ # NOTE: Some arguments are set in the constructor to prevent the agent
73
+ # from making invalid API calls with model-specific parameters. For
74
+ # example, the 'style' argument is only supported by 'dall-e-3'.
74
75
  r"""Initializes a new instance of the OpenAIImageToolkit class.
75
76
 
76
77
  Args:
@@ -94,8 +95,6 @@ class OpenAIImageToolkit(BaseToolkit):
94
95
  (default: :obj:`"standard"`)
95
96
  response_format (Optional[Literal["url", "b64_json"]]):
96
97
  The format of the response.(default: :obj:`"b64_json"`)
97
- n (Optional[int]): The number of images to generate.
98
- (default: :obj:`1`)
99
98
  background (Optional[Literal["transparent", "opaque", "auto"]]):
100
99
  The background of the image.(default: :obj:`"auto"`)
101
100
  style (Optional[Literal["vivid", "natural"]]): The style of the
@@ -111,7 +110,6 @@ class OpenAIImageToolkit(BaseToolkit):
111
110
  self.size = size
112
111
  self.quality = quality
113
112
  self.response_format = response_format
114
- self.n = n
115
113
  self.background = background
116
114
  self.style = style
117
115
  self.working_directory: str = working_directory or "image_save"
@@ -140,11 +138,12 @@ class OpenAIImageToolkit(BaseToolkit):
140
138
  )
141
139
  return None
142
140
 
143
- def _build_base_params(self, prompt: str) -> dict:
141
+ def _build_base_params(self, prompt: str, n: Optional[int] = None) -> dict:
144
142
  r"""Build base parameters dict for OpenAI API calls.
145
143
 
146
144
  Args:
147
145
  prompt (str): The text prompt for the image operation.
146
+ n (Optional[int]): The number of images to generate.
148
147
 
149
148
  Returns:
150
149
  dict: Parameters dictionary with non-None values.
@@ -152,8 +151,8 @@ class OpenAIImageToolkit(BaseToolkit):
152
151
  params = {"prompt": prompt, "model": self.model}
153
152
 
154
153
  # basic parameters supported by all models
155
- if self.n is not None:
156
- params["n"] = self.n # type: ignore[assignment]
154
+ if n is not None:
155
+ params["n"] = n # type: ignore[assignment]
157
156
  if self.size is not None:
158
157
  params["size"] = self.size
159
158
 
@@ -184,13 +183,16 @@ class OpenAIImageToolkit(BaseToolkit):
184
183
  return params
185
184
 
186
185
  def _handle_api_response(
187
- self, response, image_name: str, operation: str
186
+ self, response, image_name: Union[str, List[str]], operation: str
188
187
  ) -> str:
189
188
  r"""Handle API response from OpenAI image operations.
190
189
 
191
190
  Args:
192
191
  response: The response object from OpenAI API.
193
- image_name (str): Name for the saved image file.
192
+ image_name (Union[str, List[str]]): Name(s) for the saved image
193
+ file(s). If str, the same name is used for all images (will
194
+ cause error for multiple images). If list, must have exactly
195
+ the same length as the number of images generated.
194
196
  operation (str): Operation type for success message ("generated").
195
197
 
196
198
  Returns:
@@ -201,6 +203,21 @@ class OpenAIImageToolkit(BaseToolkit):
201
203
  logger.error(error_msg)
202
204
  return error_msg
203
205
 
206
+ # Validate image_name parameter
207
+ if isinstance(image_name, list):
208
+ if len(image_name) != len(response.data):
209
+ error_msg = (
210
+ f"Error: Number of image names"
211
+ f" ({len(image_name)}) does not match number of "
212
+ f"images generated({len(response.data)})"
213
+ )
214
+ logger.error(error_msg)
215
+ return error_msg
216
+ image_names = image_name
217
+ else:
218
+ # If string, use same name for all images
219
+ image_names = [image_name] * len(response.data)
220
+
204
221
  results = []
205
222
 
206
223
  for i, image_data in enumerate(response.data):
@@ -215,18 +232,27 @@ class OpenAIImageToolkit(BaseToolkit):
215
232
  image_bytes = base64.b64decode(image_b64)
216
233
  os.makedirs(self.working_directory, exist_ok=True)
217
234
 
218
- # Add index to filename when multiple images
219
- if len(response.data) > 1:
220
- filename = f"{image_name}_{i+1}_{uuid.uuid4().hex}.png"
221
- else:
222
- filename = f"{image_name}_{uuid.uuid4().hex}.png"
235
+ filename = f"{image_names[i]}"
223
236
 
224
237
  image_path = os.path.join(self.working_directory, filename)
225
238
 
226
- with open(image_path, "wb") as f:
227
- f.write(image_bytes)
228
-
229
- results.append(f"Image saved to {image_path}")
239
+ # Check if file already exists
240
+ if os.path.exists(image_path):
241
+ error_msg = (
242
+ f"Error: File '{image_path}' already exists. "
243
+ "Please use a different image_name."
244
+ )
245
+ logger.error(error_msg)
246
+ return error_msg
247
+
248
+ try:
249
+ with open(image_path, "wb") as f:
250
+ f.write(image_bytes)
251
+ results.append(f"Image saved to {image_path}")
252
+ except Exception as e:
253
+ error_msg = f"Error saving image to '{image_path}': {e!s}"
254
+ logger.error(error_msg)
255
+ return error_msg
230
256
  else:
231
257
  error_msg = (
232
258
  f"No valid image data (URL or base64) found in image {i+1}"
@@ -254,7 +280,8 @@ class OpenAIImageToolkit(BaseToolkit):
254
280
  def generate_image(
255
281
  self,
256
282
  prompt: str,
257
- image_name: str = "image",
283
+ image_name: Union[str, List[str]] = "image.png",
284
+ n: int = 1,
258
285
  ) -> str:
259
286
  r"""Generate an image using OpenAI's Image Generation models.
260
287
  The generated image will be saved locally (for ``b64_json`` response
@@ -263,14 +290,18 @@ class OpenAIImageToolkit(BaseToolkit):
263
290
 
264
291
  Args:
265
292
  prompt (str): The text prompt to generate the image.
266
- image_name (str): The name of the image to save.
267
- (default: :obj:`"image"`)
293
+ image_name (Union[str, List[str]]): The name(s) of the image(s) to
294
+ save. The image name must end with `.png`. If str: same name
295
+ used for all images (causes error if n > 1). If list: must
296
+ match the number of images being generated (n parameter).
297
+ (default: :obj:`"image.png"`)
298
+ n (int): The number of images to generate. (default: :obj:`1`)
268
299
 
269
300
  Returns:
270
301
  str: the content of the model response or format of the response.
271
302
  """
272
303
  try:
273
- params = self._build_base_params(prompt)
304
+ params = self._build_base_params(prompt, n)
274
305
  response = self.client.images.generate(**params)
275
306
  return self._handle_api_response(response, image_name, "generated")
276
307
  except Exception as e:
@@ -12,6 +12,7 @@
12
12
  # limitations under the License.
13
13
  # ========= Copyright 2023-2024 @ CAMEL-AI.org. All Rights Reserved. =========
14
14
  import os
15
+ import warnings
15
16
  from typing import Any, Dict, List, Literal, Optional, TypeAlias, Union, cast
16
17
 
17
18
  import requests
@@ -683,7 +684,7 @@ class SearchToolkit(BaseToolkit):
683
684
  responses.append({"error": f"google search failed: {e!s}"})
684
685
  return responses
685
686
 
686
- def tavily_search(
687
+ def search_tavily(
687
688
  self, query: str, number_of_result_pages: int = 10, **kwargs
688
689
  ) -> List[Dict[str, Any]]:
689
690
  r"""Use Tavily Search API to search information for the given query.
@@ -1358,7 +1359,7 @@ class SearchToolkit(BaseToolkit):
1358
1359
  FunctionTool(self.search_linkup),
1359
1360
  FunctionTool(self.search_google),
1360
1361
  FunctionTool(self.search_duckduckgo),
1361
- FunctionTool(self.tavily_search),
1362
+ FunctionTool(self.search_tavily),
1362
1363
  FunctionTool(self.search_brave),
1363
1364
  FunctionTool(self.search_bocha),
1364
1365
  FunctionTool(self.search_baidu),
@@ -1367,3 +1368,13 @@ class SearchToolkit(BaseToolkit):
1367
1368
  FunctionTool(self.search_alibaba_tongxiao),
1368
1369
  FunctionTool(self.search_metaso),
1369
1370
  ]
1371
+
1372
+ # Deprecated method alias for backward compatibility
1373
+ def tavily_search(self, *args, **kwargs):
1374
+ r"""Deprecated: Use search_tavily instead for consistency with other search methods."""
1375
+ warnings.warn(
1376
+ "tavily_search is deprecated. Use search_tavily instead for consistency.",
1377
+ DeprecationWarning,
1378
+ stacklevel=2,
1379
+ )
1380
+ return self.search_tavily(*args, **kwargs)
camel/types/enums.py CHANGED
@@ -87,6 +87,15 @@ class ModelType(UnifiedModelType, Enum):
87
87
  GROQ_MIXTRAL_8_7B = "mixtral-8x7b-32768"
88
88
  GROQ_GEMMA_2_9B_IT = "gemma2-9b-it"
89
89
 
90
+ # Nebius AI Studio platform models
91
+ NEBIUS_GPT_OSS_120B = "gpt-oss-120b"
92
+ NEBIUS_GPT_OSS_20B = "gpt-oss-20b"
93
+ NEBIUS_GLM_4_5 = "GLM-4.5"
94
+ NEBIUS_DEEPSEEK_V3 = "deepseek-ai/DeepSeek-V3"
95
+ NEBIUS_DEEPSEEK_R1 = "deepseek-ai/DeepSeek-R1"
96
+ NEBIUS_LLAMA_3_1_70B = "meta-llama/Meta-Llama-3.1-70B-Instruct"
97
+ NEBIUS_MISTRAL_7B_INSTRUCT = "mistralai/Mistral-7B-Instruct-v0.3"
98
+
90
99
  # OpenRouter models
91
100
  OPENROUTER_LLAMA_3_1_405B = "meta-llama/llama-3.1-405b-instruct"
92
101
  OPENROUTER_LLAMA_3_1_70B = "meta-llama/llama-3.1-70b-instruct"
@@ -213,8 +222,7 @@ class ModelType(UnifiedModelType, Enum):
213
222
  MISTRAL_MIXTRAL_8x22B = "open-mixtral-8x22b"
214
223
  MISTRAL_NEMO = "open-mistral-nemo"
215
224
  MISTRAL_PIXTRAL_12B = "pixtral-12b-2409"
216
- MISTRAL_MEDIUM_3 = "mistral-medium-latest"
217
- MAGISTRAL_MEDIUM = "magistral-medium-2506"
225
+ MISTRAL_MEDIUM_3_1 = "mistral-medium-2508"
218
226
  MISTRAL_SMALL_3_2 = "mistral-small-2506"
219
227
 
220
228
  # Reka models
@@ -604,6 +612,20 @@ class ModelType(UnifiedModelType, Enum):
604
612
  ModelType.GROQ_GEMMA_2_9B_IT,
605
613
  }
606
614
 
615
+ @property
616
+ def is_nebius(self) -> bool:
617
+ r"""Returns whether this type of models is served by Nebius AI
618
+ Studio."""
619
+ return self in {
620
+ ModelType.NEBIUS_GPT_OSS_120B,
621
+ ModelType.NEBIUS_GPT_OSS_20B,
622
+ ModelType.NEBIUS_GLM_4_5,
623
+ ModelType.NEBIUS_DEEPSEEK_V3,
624
+ ModelType.NEBIUS_DEEPSEEK_R1,
625
+ ModelType.NEBIUS_LLAMA_3_1_70B,
626
+ ModelType.NEBIUS_MISTRAL_7B_INSTRUCT,
627
+ }
628
+
607
629
  @property
608
630
  def is_openrouter(self) -> bool:
609
631
  r"""Returns whether this type of models is served by OpenRouter."""
@@ -663,8 +685,7 @@ class ModelType(UnifiedModelType, Enum):
663
685
  ModelType.MISTRAL_PIXTRAL_12B,
664
686
  ModelType.MISTRAL_8B,
665
687
  ModelType.MISTRAL_3B,
666
- ModelType.MISTRAL_MEDIUM_3,
667
- ModelType.MAGISTRAL_MEDIUM,
688
+ ModelType.MISTRAL_MEDIUM_3_1,
668
689
  ModelType.MISTRAL_SMALL_3_2,
669
690
  }
670
691
 
@@ -1140,6 +1161,7 @@ class ModelType(UnifiedModelType, Enum):
1140
1161
  ModelType.NOVITA_MISTRAL_7B,
1141
1162
  ModelType.NOVITA_LLAMA_3_2_11B_VISION,
1142
1163
  ModelType.NOVITA_LLAMA_3_2_3B,
1164
+ ModelType.NEBIUS_MISTRAL_7B_INSTRUCT,
1143
1165
  }:
1144
1166
  return 32_768
1145
1167
  elif self in {
@@ -1225,10 +1247,15 @@ class ModelType(UnifiedModelType, Enum):
1225
1247
  ModelType.NETMIND_DEEPSEEK_R1,
1226
1248
  ModelType.NETMIND_DEEPSEEK_V3,
1227
1249
  ModelType.NOVITA_DEEPSEEK_V3_0324,
1228
- ModelType.MISTRAL_MEDIUM_3,
1250
+ ModelType.MISTRAL_MEDIUM_3_1,
1229
1251
  ModelType.ERNIE_4_5_TURBO_128K,
1230
1252
  ModelType.DEEPSEEK_V3,
1231
1253
  ModelType.MOONSHOT_KIMI_K2,
1254
+ ModelType.NEBIUS_GLM_4_5,
1255
+ ModelType.NEBIUS_DEEPSEEK_V3,
1256
+ ModelType.NEBIUS_DEEPSEEK_R1,
1257
+ ModelType.NEBIUS_GPT_OSS_120B,
1258
+ ModelType.NEBIUS_GPT_OSS_20B,
1232
1259
  }:
1233
1260
  return 128_000
1234
1261
  elif self in {
@@ -1263,6 +1290,7 @@ class ModelType(UnifiedModelType, Enum):
1263
1290
  ModelType.NOVITA_LLAMA_4_SCOUT_17B,
1264
1291
  ModelType.NOVITA_LLAMA_3_3_70B,
1265
1292
  ModelType.NOVITA_MISTRAL_NEMO,
1293
+ ModelType.NEBIUS_LLAMA_3_1_70B,
1266
1294
  }:
1267
1295
  return 131_072
1268
1296
  elif self in {
@@ -1336,10 +1364,6 @@ class ModelType(UnifiedModelType, Enum):
1336
1364
  ModelType.TOGETHER_LLAMA_4_SCOUT,
1337
1365
  }:
1338
1366
  return 10_000_000
1339
- elif self in {
1340
- ModelType.MAGISTRAL_MEDIUM,
1341
- }:
1342
- return 40_000
1343
1367
 
1344
1368
  else:
1345
1369
  logger.warning(
@@ -1538,6 +1562,7 @@ class ModelPlatformType(Enum):
1538
1562
  AZURE = "azure"
1539
1563
  ANTHROPIC = "anthropic"
1540
1564
  GROQ = "groq"
1565
+ NEBIUS = "nebius"
1541
1566
  OPENROUTER = "openrouter"
1542
1567
  OLLAMA = "ollama"
1543
1568
  LITELLM = "litellm"
@@ -95,6 +95,11 @@ class UnifiedModelType(str):
95
95
  r"""Returns whether the model is a Groq served model."""
96
96
  return True
97
97
 
98
+ @property
99
+ def is_nebius(self) -> bool:
100
+ r"""Returns whether the model is a Nebius AI Studio served model."""
101
+ return True
102
+
98
103
  @property
99
104
  def is_openrouter(self) -> bool:
100
105
  r"""Returns whether the model is a OpenRouter served model."""
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: camel-ai
3
- Version: 0.2.75a3
3
+ Version: 0.2.75a6
4
4
  Summary: Communicative Agents for AI Society Study
5
5
  Project-URL: Homepage, https://www.camel-ai.org/
6
6
  Project-URL: Repository, https://github.com/camel-ai/camel
@@ -91,6 +91,7 @@ Requires-Dist: playwright>=1.50.0; extra == 'all'
91
91
  Requires-Dist: prance<24,>=23.6.21.0; extra == 'all'
92
92
  Requires-Dist: praw<8,>=7.7.1; extra == 'all'
93
93
  Requires-Dist: pre-commit<4,>=3; extra == 'all'
94
+ Requires-Dist: protobuf>=6.0.0; extra == 'all'
94
95
  Requires-Dist: psycopg[binary]<4,>=3.1.18; extra == 'all'
95
96
  Requires-Dist: pyautogui<0.10,>=0.9.54; extra == 'all'
96
97
  Requires-Dist: pydub<0.26,>=0.25.1; extra == 'all'
@@ -128,7 +129,6 @@ Requires-Dist: sympy<2,>=1.13.3; extra == 'all'
128
129
  Requires-Dist: tabulate>=0.9.0; extra == 'all'
129
130
  Requires-Dist: tavily-python<0.6,>=0.5.0; extra == 'all'
130
131
  Requires-Dist: textblob<0.18,>=0.17.1; extra == 'all'
131
- Requires-Dist: traceroot==0.0.4a5; extra == 'all'
132
132
  Requires-Dist: transformers<5,>=4; extra == 'all'
133
133
  Requires-Dist: tree-sitter-python<0.24,>=0.23.6; extra == 'all'
134
134
  Requires-Dist: tree-sitter<0.24,>=0.23.2; extra == 'all'
@@ -193,7 +193,6 @@ Requires-Dist: ipykernel<7,>=6.0.0; extra == 'dev-tools'
193
193
  Requires-Dist: jupyter-client<9,>=8.6.2; extra == 'dev-tools'
194
194
  Requires-Dist: langfuse>=2.60.5; extra == 'dev-tools'
195
195
  Requires-Dist: mcp>=1.3.0; extra == 'dev-tools'
196
- Requires-Dist: traceroot==0.0.4a5; extra == 'dev-tools'
197
196
  Requires-Dist: tree-sitter-python<0.24,>=0.23.6; extra == 'dev-tools'
198
197
  Requires-Dist: tree-sitter<0.24,>=0.23.2; extra == 'dev-tools'
199
198
  Requires-Dist: typer>=0.15.2; extra == 'dev-tools'
@@ -225,18 +224,12 @@ Requires-Dist: tabulate>=0.9.0; extra == 'document-tools'
225
224
  Requires-Dist: unstructured==0.16.20; extra == 'document-tools'
226
225
  Requires-Dist: xls2xlsx>=0.2.0; extra == 'document-tools'
227
226
  Provides-Extra: eigent
228
- Requires-Dist: aci-sdk>=1.0.0b1; extra == 'eigent'
229
227
  Requires-Dist: anthropic<0.50.0,>=0.47.0; extra == 'eigent'
230
- Requires-Dist: chunkr-ai<0.1.0,>=0.0.50; extra == 'eigent'
231
- Requires-Dist: chunkr-ai>=0.0.41; extra == 'eigent'
232
- Requires-Dist: crawl4ai>=0.3.745; extra == 'eigent'
233
228
  Requires-Dist: datasets<4,>=3; extra == 'eigent'
234
229
  Requires-Dist: docx>=0.2.4; extra == 'eigent'
235
- Requires-Dist: duckduckgo-search<7,>=6.3.5; extra == 'eigent'
236
230
  Requires-Dist: exa-py<2,>=1.10.0; extra == 'eigent'
237
231
  Requires-Dist: ffmpeg-python<0.3,>=0.2.0; extra == 'eigent'
238
232
  Requires-Dist: google-api-python-client==2.166.0; extra == 'eigent'
239
- Requires-Dist: html2text>=2024.2.26; extra == 'eigent'
240
233
  Requires-Dist: imageio[pyav]<3,>=2.34.2; extra == 'eigent'
241
234
  Requires-Dist: markitdown[all]>=0.1.1; extra == 'eigent'
242
235
  Requires-Dist: mcp-server-fetch==2025.1.17; extra == 'eigent'
@@ -245,8 +238,6 @@ Requires-Dist: numpy<=2.2,>=1.2; extra == 'eigent'
245
238
  Requires-Dist: onnxruntime<=1.19.2; extra == 'eigent'
246
239
  Requires-Dist: openpyxl>=3.1.5; extra == 'eigent'
247
240
  Requires-Dist: pandas<2,>=1.5.3; extra == 'eigent'
248
- Requires-Dist: playwright>=1.50.0; extra == 'eigent'
249
- Requires-Dist: pyautogui<0.10,>=0.9.54; extra == 'eigent'
250
241
  Requires-Dist: pydub<0.26,>=0.25.1; extra == 'eigent'
251
242
  Requires-Dist: pylatex>=1.4.2; extra == 'eigent'
252
243
  Requires-Dist: pytesseract>=0.3.13; extra == 'eigent'
@@ -345,6 +336,7 @@ Requires-Dist: nebula3-python==3.8.2; extra == 'rag'
345
336
  Requires-Dist: neo4j<6,>=5.18.0; extra == 'rag'
346
337
  Requires-Dist: numpy<=2.2,>=1.2; extra == 'rag'
347
338
  Requires-Dist: pandasai<3,>=2.3.0; extra == 'rag'
339
+ Requires-Dist: protobuf>=6.0.0; extra == 'rag'
348
340
  Requires-Dist: pymilvus<3,>=2.4.0; extra == 'rag'
349
341
  Requires-Dist: pyobvector>=0.1.18; extra == 'rag'
350
342
  Requires-Dist: pytidb-experimental==0.0.1.dev4; extra == 'rag'
@@ -366,6 +358,7 @@ Requires-Dist: mem0ai>=0.1.73; extra == 'storage'
366
358
  Requires-Dist: nebula3-python==3.8.2; extra == 'storage'
367
359
  Requires-Dist: neo4j<6,>=5.18.0; extra == 'storage'
368
360
  Requires-Dist: pgvector<0.3,>=0.2.4; extra == 'storage'
361
+ Requires-Dist: protobuf>=6.0.0; extra == 'storage'
369
362
  Requires-Dist: psycopg[binary]<4,>=3.1.18; extra == 'storage'
370
363
  Requires-Dist: pymilvus<3,>=2.4.0; extra == 'storage'
371
364
  Requires-Dist: pyobvector>=0.1.18; extra == 'storage'
@@ -1,4 +1,4 @@
1
- camel/__init__.py,sha256=700Qx-U389P5R9yaCb-KQVk4xdMQWzsrmTGUuos90kc,901
1
+ camel/__init__.py,sha256=sZd481wA4n-e5Z73POY-Pv3etJvv3p84i72HGXNRsnc,901
2
2
  camel/generators.py,sha256=JRqj9_m1PF4qT6UtybzTQ-KBT9MJQt18OAAYvQ_fr2o,13844
3
3
  camel/human.py,sha256=Xg8x1cS5KK4bQ1SDByiHZnzsRpvRP-KZViNvmu38xo4,5475
4
4
  camel/logger.py,sha256=WgEwael_eT6D-lVAKHpKIpwXSTjvLbny5jbV1Ab8lnA,5760
@@ -7,7 +7,7 @@ camel/agents/__init__.py,sha256=64weKqdvmpZcGWyVkO-OKASAmVUdrQjv60JApgPk_SA,1644
7
7
  camel/agents/_types.py,sha256=MeFZzay2kJA6evALQ-MbBTKW-0lu_0wBuKsxzH_4gWI,1552
8
8
  camel/agents/_utils.py,sha256=AR7Qqgbkmn4X2edYUQf1rdksGUyV5hm3iK1z-Dn0Mcg,6266
9
9
  camel/agents/base.py,sha256=c4bJYL3G3Z41SaFdMPMn8ZjLdFiFaVOFO6EQIfuCVR8,1124
10
- camel/agents/chat_agent.py,sha256=9-g2hB7NN_OnNDV35bgbQnnTFkbImSm9Qe0NPNHtboM,151871
10
+ camel/agents/chat_agent.py,sha256=RZNq6JqEv7Qc98uCJcrg-jN51tDePr6kuLi7ErA-sRw,153750
11
11
  camel/agents/critic_agent.py,sha256=L6cTbYjyZB0DCa51tQ6LZLA6my8kHLC4nktHySH78H4,10433
12
12
  camel/agents/deductive_reasoner_agent.py,sha256=6BZGaq1hR6hKJuQtOfoYQnk_AkZpw_Mr7mUy2MspQgs,13540
13
13
  camel/agents/embodied_agent.py,sha256=XBxBu5ZMmSJ4B2U3Z7SMwvLlgp6yNpaBe8HNQmY9CZA,7536
@@ -44,7 +44,7 @@ camel/bots/discord/discord_store.py,sha256=eGBMYG8gm28PmmhcJ-JOVk2UKTBobEzvb6-pC
44
44
  camel/bots/slack/__init__.py,sha256=iqySoYftEb7SI4pabhMvvTp1YYS09BvjwGXPEbcP1Hc,1055
45
45
  camel/bots/slack/models.py,sha256=xMz3RO-88yrxPRrbBDjiabpbZIlpEHCvU-1CvASKARc,5143
46
46
  camel/bots/slack/slack_app.py,sha256=SoSRZZnuTJ0aiLUBZqdG8cUFJzYpfpZh7304t0a_7Dg,9944
47
- camel/configs/__init__.py,sha256=ttcTefUQckrMF1HGDPum-fSuXcwu8kKHFOUaCV6d2gs,4342
47
+ camel/configs/__init__.py,sha256=YRBaojOOLwtJGinLX5t63EJYts6EsVEAvdEzhd-5vNU,4446
48
48
  camel/configs/aiml_config.py,sha256=6niTHsxusPfXyNKNfxipTudgeULMIeOeXHAv5hRblsM,4264
49
49
  camel/configs/anthropic_config.py,sha256=QI_fZLOswKUo6fBL1DxC2zF2vweUw-5kKL-H6fSEg5Y,4037
50
50
  camel/configs/base_config.py,sha256=2nEIRQoY6tIMeBIcxcBtCadmpsd8bSQj9rzewQsgfXo,3188
@@ -60,6 +60,7 @@ camel/configs/lmstudio_config.py,sha256=QXOI54kSArG2p8eOrmgk6FaZrDcSgu_0m4b2fIn4
60
60
  camel/configs/mistral_config.py,sha256=zYHZ_4GlVvTuQ-wm6V5jAFW3ho-gPEaXo5LxRFRf4Kw,3533
61
61
  camel/configs/modelscope_config.py,sha256=GcxleksbNZ6IAiud0hqprSEpTS5RhTw2g0OwcIHNSPE,2937
62
62
  camel/configs/moonshot_config.py,sha256=GTULZtMVC1bMDnXCF3t3LKVPBMWjN4fI7prGlRXq9tw,2851
63
+ camel/configs/nebius_config.py,sha256=ojVTItcTothzon5P-ZokLXVhqh1sCW1OXD7e-gw3fAk,5761
63
64
  camel/configs/netmind_config.py,sha256=h9kfHypsdxqJR4wL8Xf0JmdoJ-0zxBE09QZqvjsX6ok,4298
64
65
  camel/configs/novita_config.py,sha256=pyVznTDJt4g3j23XIqJqdiD1L3xXebDXlVdwYi3Y4c0,5724
65
66
  camel/configs/nvidia_config.py,sha256=2DmYriFWh4ZYNkAJhuvJHhHUi1BT62E5ee6HXWY12eA,3269
@@ -172,7 +173,7 @@ camel/messages/conversion/sharegpt/__init__.py,sha256=oWUuHV5w85kxqhz_hoElLmCfzL
172
173
  camel/messages/conversion/sharegpt/function_call_formatter.py,sha256=cn7e7CfmxEVFlfOqhjhNuA8nuWvWD6hXYn-3okXNxxQ,1832
173
174
  camel/messages/conversion/sharegpt/hermes/__init__.py,sha256=mxuMSm-neaTgInIjYXuIVdC310E6jKJzM3IdtaJ4qY4,812
174
175
  camel/messages/conversion/sharegpt/hermes/hermes_function_formatter.py,sha256=-9TT8iOQ-ieKSKR_PmJSA5Bi0uBx-qR7WQ6vxuFkorM,4639
175
- camel/models/__init__.py,sha256=leNjmPCEeO8jZAvY8op1XeFPMuSnF349buZRGCE3aBU,3385
176
+ camel/models/__init__.py,sha256=7BlkBercAwkkP8_aqvV4Y6CuIjjSH3IQr7lymJYBods,3442
176
177
  camel/models/_utils.py,sha256=hob1ehnS5xZitMCdYToHVgaTB55JnaP4_DSWnTEfVsg,2045
177
178
  camel/models/aiml_model.py,sha256=jmkQlqA7NkDXn2xN-98wtanI2KHbcMWQwNPjc38wyLI,3507
178
179
  camel/models/anthropic_model.py,sha256=GlerIhIc7uGhzIsQoZw-_8CGOdcZT8DC_95V3hx3q-4,8350
@@ -190,15 +191,16 @@ camel/models/internlm_model.py,sha256=_P0ehH7TkMRgXzq8XhTD1Xppb09ycX1aZjop6psnLt
190
191
  camel/models/litellm_model.py,sha256=NL2sGsBmSwh3e5cbx11ovv9Bw-OY7tBA3DvYy1BcpAY,7922
191
192
  camel/models/lmstudio_model.py,sha256=MEc3pRYhpv2UmhnXJ1wjFHxjZFzFFAZ0jOECZ46EM4I,3362
192
193
  camel/models/mistral_model.py,sha256=m8ssQ04bWSevkexXNj4MJ_IcJb1HCxaEFx-oCt3dSNs,15430
193
- camel/models/model_factory.py,sha256=8b-LEXovPnpmD3GFKOdbtcgjCwpa91IPCJxikPxhdMs,12114
194
+ camel/models/model_factory.py,sha256=awbQlr5Kn9ByjwFQoBdlxgs1sXronMMfRW7YM_65hnI,12211
194
195
  camel/models/model_manager.py,sha256=ln3bCV_QWM3V5BrwKwjmxIeRN8ojIvPEBMMHun0MliU,9942
195
196
  camel/models/modelscope_model.py,sha256=OgZiFi2XBrElRZ8fqBZiqyXDeS5msTWejn1vuTARKYg,10211
196
197
  camel/models/moonshot_model.py,sha256=YFSNztk5awES1CW9oFHvzuBlp1R5AUoPQOzGvJawhEQ,7175
198
+ camel/models/nebius_model.py,sha256=ayc3eCBGzcE3ItyWbZcflkUOmMhfRpkuje0iRBmcP8Q,3514
197
199
  camel/models/nemotron_model.py,sha256=onAFWR7pbAFbqhx68LelUPIyQb9r6yMvXWJYWwq3qkA,2952
198
200
  camel/models/netmind_model.py,sha256=wfI3XUxiIa3aZbBN1WJDkZBbixfa2SUX1ouvGlMLKKA,3698
199
201
  camel/models/novita_model.py,sha256=9rmiAShSQOIxTzdhxZaI7Xw1ZQkYeQ-yiL1VmIWqsWc,3665
200
202
  camel/models/nvidia_model.py,sha256=C26XCUQRe2O7ySGIqTihySovDHRk19WN0GOsSHupYQE,3510
201
- camel/models/ollama_model.py,sha256=UO6NObVwGfl6GulZ0K-hRUI2o13nqUHz7dIEQ6RhUUQ,4160
203
+ camel/models/ollama_model.py,sha256=pz8mvrCw6dv4Kqfqrg89ZFI_4Y_ppRhvPXVcnkxYGlk,4198
202
204
  camel/models/openai_audio_models.py,sha256=BSixkXlc8xirQLl2qCla-g6_y9wDLnMZVHukHrhzw98,13344
203
205
  camel/models/openai_compatible_model.py,sha256=6racVSQlKeB4-0sHdDdkc_XEhPLBoij0kgdQcxEmQq4,16865
204
206
  camel/models/openai_model.py,sha256=DRWw8rqZmTeRJFvQh1PGfxNWHF1Qt9AM3Qz92mjbPNU,19782
@@ -277,10 +279,10 @@ camel/societies/workforce/prompts.py,sha256=WetbTS0x_vb2XZ8AsotxhGXUhnPHJ6ndeR9Z
277
279
  camel/societies/workforce/role_playing_worker.py,sha256=Zm89lZTlV0T3o9C-DJ0HAV68Iq2Kdg8QqJRWs1TV9_A,10320
278
280
  camel/societies/workforce/single_agent_worker.py,sha256=c7gXxeTGofYWfnQdv3id1c4G2B2jqAakYN-BaSw3BwY,19396
279
281
  camel/societies/workforce/structured_output_handler.py,sha256=xr8szFN86hg3jQ825aEkJTjkSFQnTlbinVg4j1vZJVI,17870
280
- camel/societies/workforce/task_channel.py,sha256=GWHaGQBpjTzdKbWoBYAQzzAiLKRKRXa6beqtc4cg-Is,7611
282
+ camel/societies/workforce/task_channel.py,sha256=TXRwiqtmRPdelEmFCVN3jhd5XpgaSLwy9uHPtGecujA,11418
281
283
  camel/societies/workforce/utils.py,sha256=THgNHSeZsNVnjTzQTur3qCJhi72MrDS8X2gPET174cI,8434
282
284
  camel/societies/workforce/worker.py,sha256=MtUqYkTC9V-PIIRwSkKiB9w_YSu92iOpoha2rktEiQ0,6248
283
- camel/societies/workforce/workforce.py,sha256=ly7tJ_JIe7YK2AguFiO3kwKv3m5Im9kkNqxMDcOd8jw,140846
285
+ camel/societies/workforce/workforce.py,sha256=UsU46YWWFnJV_YbYQwwv6COZ3iPJnLY3XetDhdI9w_o,142328
284
286
  camel/societies/workforce/workforce_logger.py,sha256=0YT__ys48Bgn0IICKIZBmSWhON-eA1KShebjCdn5ppE,24525
285
287
  camel/storages/__init__.py,sha256=RwpEyvxpMbJzVDZJJygeBg4AzyYMkTjjkfB53hTuqGo,2141
286
288
  camel/storages/graph_storages/__init__.py,sha256=G29BNn651C0WTOpjCl4QnVM-4B9tcNh8DdmsCiONH8Y,948
@@ -335,7 +337,7 @@ camel/toolkits/edgeone_pages_mcp_toolkit.py,sha256=1TFpAGHUNLggFQeN1OEw7P5laijwn
335
337
  camel/toolkits/excel_toolkit.py,sha256=tQaonygk0yDTPZHWWQKG5osTN-R_EawR0bJIKLsLg08,35768
336
338
  camel/toolkits/file_write_toolkit.py,sha256=BIN4c_Tw_24iBu7vDFxVV401UTNqKZkP5p_eOOL_Hmk,39389
337
339
  camel/toolkits/function_tool.py,sha256=3_hE-Khqf556CeebchsPpjIDCynC6vKmUJLdh1EO_js,34295
338
- camel/toolkits/github_toolkit.py,sha256=iUyRrjWGAW_iljZVfNyfkm1Vi55wJxK6PsDAQs9pOag,13099
340
+ camel/toolkits/github_toolkit.py,sha256=TYkrAiQuLgAolatTKSMZQkI9wKuV85B26HcLao1CCWw,16380
339
341
  camel/toolkits/google_calendar_toolkit.py,sha256=E-sdgdbtNBs_CXbhht9t1dsVr4DsTr5NguHkx4fvSmc,15410
340
342
  camel/toolkits/google_drive_mcp_toolkit.py,sha256=NubrRdPV8_t8bM4vP-7eKSVMuVwSEBXLfubWR_Hba7k,2583
341
343
  camel/toolkits/google_maps_toolkit.py,sha256=WTnkURpGri9KcY5OwV7AJJHOzmpu5RNmYE1QCVqvwWM,12023
@@ -346,7 +348,7 @@ camel/toolkits/jina_reranker_toolkit.py,sha256=koTjToI5aPeyQQMJ60a3ikGQJNUQLD834
346
348
  camel/toolkits/klavis_toolkit.py,sha256=ZKerhgz5e-AV-iv0ftf07HgWikknIHjB3EOQswfuR80,9864
347
349
  camel/toolkits/linkedin_toolkit.py,sha256=wn4eXwYYlVA7doTna7k7WYhUqTBF83W79S-UJs_IQr0,8065
348
350
  camel/toolkits/markitdown_toolkit.py,sha256=Cwga4sOTT1HO51CjmXubD6ieRMhumtqEN6jlsgL1nq0,2867
349
- camel/toolkits/math_toolkit.py,sha256=KdI8AJ9Dbq5cfWboAYJUYgSkmADMCO5eZ6yqYkWuiIQ,3686
351
+ camel/toolkits/math_toolkit.py,sha256=SJbzT6akHRlmqo1QwCj1f7-6pEv0sNKJbcYvYAylHQw,5439
350
352
  camel/toolkits/mcp_toolkit.py,sha256=orWwKwCCL7jiPPkuoydGcM97iDRZG3udabY1VyoyPNo,40542
351
353
  camel/toolkits/memory_toolkit.py,sha256=TeKYd5UMwgjVpuS2orb-ocFL13eUNKujvrFOruDCpm8,4436
352
354
  camel/toolkits/meshy_toolkit.py,sha256=NbgdOBD3FYLtZf-AfonIv6-Q8-8DW129jsaP1PqI2rs,7126
@@ -358,7 +360,7 @@ camel/toolkits/note_taking_toolkit.py,sha256=FWnkKdPyTENzHDPSFKo9zOrhhONfJkFpRvn
358
360
  camel/toolkits/notion_mcp_toolkit.py,sha256=ie_6Z-7DqDhgTiwYX8L3X47rfWGwzgwQH_s2DaK1ckc,8362
359
361
  camel/toolkits/notion_toolkit.py,sha256=jmmVWk_WazRNWnx4r9DAvhFTAL-n_ige0tb32UHJ_ik,9752
360
362
  camel/toolkits/open_api_toolkit.py,sha256=Venfq8JwTMQfzRzzB7AYmYUMEX35hW0BjIv_ozFMiNk,23316
361
- camel/toolkits/openai_image_toolkit.py,sha256=RDCPYnEPWibFmAgyQNUck0UWKguD7fni93lpMBMh1UQ,11180
363
+ camel/toolkits/openai_image_toolkit.py,sha256=6Hcadut2cwJrgh5RObtErYNzsl93gC28NoJTS-HvYw8,12930
362
364
  camel/toolkits/openbb_toolkit.py,sha256=8yBZL9E2iSgskosBQhD3pTP56oV6gerWpFjIJc_2UMo,28935
363
365
  camel/toolkits/origene_mcp_toolkit.py,sha256=og3H-F5kWRRIyOyhF7BR-ig_JIpZPKE0DCA1QJZw5BY,3354
364
366
  camel/toolkits/page_script.js,sha256=mXepZPnQNVLp_Wgb64lv7DMQIJYl_XIHJHLVt1OFZO4,13146
@@ -370,7 +372,7 @@ camel/toolkits/pyautogui_toolkit.py,sha256=Q810fm8cFvElRory7B74aqS2YV6BOpdRE6jke
370
372
  camel/toolkits/reddit_toolkit.py,sha256=x0XAT1zQJVNHUr1R1HwWCgIlkamU-kPmbfb_H1WIv-w,8036
371
373
  camel/toolkits/retrieval_toolkit.py,sha256=BKjEyOqW3cGEPTS5yHPYb-Qg795iNNPIs1wjowfuq3U,3825
372
374
  camel/toolkits/screenshot_toolkit.py,sha256=IwfvfLSfqrEywvPlDbtYJe1qcbrO5uC3Mxxv87VYveo,8237
373
- camel/toolkits/search_toolkit.py,sha256=eMRawlLKVzCvRqjWeahX_Dcf0qopWfJch6KdJ923Lfo,55607
375
+ camel/toolkits/search_toolkit.py,sha256=0SA2FLefCFmW5B4zMpllr4V-kJT2l9_KhwFuVRH2Co0,56052
374
376
  camel/toolkits/searxng_toolkit.py,sha256=a2GtE4FGSrmaIVvX6Yide-abBYD1wsHqitnDlx9fdVg,7664
375
377
  camel/toolkits/semantic_scholar_toolkit.py,sha256=Rh7eA_YPxV5pvPIzhjjvpr3vtlaCniJicrqzkPWW9_I,11634
376
378
  camel/toolkits/slack_toolkit.py,sha256=iBVkDIpfsR5QwaNCqA4O4UkCwpdLhJjYCA8Gka7U9e8,12050
@@ -390,18 +392,18 @@ camel/toolkits/zapier_toolkit.py,sha256=A83y1UcfuopH7Fx82pORzypl1StbhBjB2HhyOqYa
390
392
  camel/toolkits/hybrid_browser_toolkit/__init__.py,sha256=vxjWhq7GjUKE5I9RGQU_GoikZJ-AVK4ertdvEqp9pd0,802
391
393
  camel/toolkits/hybrid_browser_toolkit/config_loader.py,sha256=yUmbmt-TWLbCyxGa63lVJ47KRdZsEJI6-2y3x0SfdBM,7040
392
394
  camel/toolkits/hybrid_browser_toolkit/hybrid_browser_toolkit.py,sha256=gotOOlXJjfjv9Qnn89PLNhJ4_Rw_aMMU6gTJcG-uCf8,7938
393
- camel/toolkits/hybrid_browser_toolkit/hybrid_browser_toolkit_ts.py,sha256=OXvXTRJMqS4tQqrOeNbK4EVv3meO8I8bfz_3azSJFZA,53547
394
- camel/toolkits/hybrid_browser_toolkit/ws_wrapper.py,sha256=UJFxHuGBJR3C9UmtWoC_F2bm_Uwnf9EurhkSseAqrBI,21888
395
+ camel/toolkits/hybrid_browser_toolkit/hybrid_browser_toolkit_ts.py,sha256=f1m0cBvQCM5XlgPKWLSUGAlTqRqlI1ZKYs3KcrLqJ-w,54919
396
+ camel/toolkits/hybrid_browser_toolkit/ws_wrapper.py,sha256=pxsLnVwV7mRgX1oB1l_TG-pRvNE9QWswJaKgvv2poRk,23998
395
397
  camel/toolkits/hybrid_browser_toolkit/ts/package-lock.json,sha256=_-YE9S_C1XT59A6upQp9lLuZcC67cV9QlbwAsEKkfyw,156337
396
398
  camel/toolkits/hybrid_browser_toolkit/ts/package.json,sha256=pUQm0xwXR7ZyWNv6O2QtHW00agnfAoX9F_XGXZlAxl4,745
397
399
  camel/toolkits/hybrid_browser_toolkit/ts/tsconfig.json,sha256=SwpQnq4Q-rwRobF2iWrP96mgmgwaVPZEv-nii5QIYEU,523
398
- camel/toolkits/hybrid_browser_toolkit/ts/websocket-server.js,sha256=qj8Rr7bl17yciJ0ndB-rVsm25LxVUk3Mk_Kft_Z2p2o,9387
400
+ camel/toolkits/hybrid_browser_toolkit/ts/websocket-server.js,sha256=NeBhFUQl6dOyDeeh0c8LZ7f3qZssMHIrqJSP1mZEeiE,9672
399
401
  camel/toolkits/hybrid_browser_toolkit/ts/src/browser-scripts.js,sha256=NNwM_H2xaDrlrdac0PJK1iUBwdiuQsg9qKaMhHAvZuI,3160
400
- camel/toolkits/hybrid_browser_toolkit/ts/src/browser-session.ts,sha256=e-epyloFdIOHWKXL-mTeeHxmRssMHs2E7mP9qRzFAgM,38704
401
- camel/toolkits/hybrid_browser_toolkit/ts/src/config-loader.ts,sha256=xt5dyj-6LK7T8IRSQ4sb4RBvD-xYPG68vWKqCET1QU4,6235
402
- camel/toolkits/hybrid_browser_toolkit/ts/src/hybrid-browser-toolkit.ts,sha256=RFfmwYWmHd9VJkXQPaONiqbqKp652c17T0YKo4RFYBY,19708
402
+ camel/toolkits/hybrid_browser_toolkit/ts/src/browser-session.ts,sha256=fcqZoTJArx9UTBzjelZkX7zse5HwbqqwFjQeMbeRWQI,42893
403
+ camel/toolkits/hybrid_browser_toolkit/ts/src/config-loader.ts,sha256=36o-N3YNTtLxdp5MfGHj4h7LowCx0o3oxKZKFBoFchA,6218
404
+ camel/toolkits/hybrid_browser_toolkit/ts/src/hybrid-browser-toolkit.ts,sha256=oz5rs3u7vqWxssCYNWkqJu4JOmk7dRbf2SMIEputHEs,22149
403
405
  camel/toolkits/hybrid_browser_toolkit/ts/src/index.ts,sha256=uJGHmGs640iCrjllqXDXwDE4hGW1VJA2YL6BkFkzYNs,353
404
- camel/toolkits/hybrid_browser_toolkit/ts/src/types.ts,sha256=ZT_5P9tun4ZCasIlDSS2tBTtpiI2DfcD4kOIpmXjrDw,2801
406
+ camel/toolkits/hybrid_browser_toolkit/ts/src/types.ts,sha256=NFOJKROXYDHSXxcr15LHm36rPfRpVS2hsIobXcZgTRU,2964
405
407
  camel/toolkits/hybrid_browser_toolkit_py/__init__.py,sha256=tPQloCw-Ayl1lPfyvzGJkMFa1ze3ilXJq_1Oz5jg5s4,796
406
408
  camel/toolkits/hybrid_browser_toolkit_py/actions.py,sha256=S77VLL9hOq5M2RdPQrIAgjxinwS2ETd6kH6m6vtub5o,20935
407
409
  camel/toolkits/hybrid_browser_toolkit_py/agent.py,sha256=0ifwhYUDJ5GLxfdpC5KquPaW1a0QBAutp2Y9y0YFujw,11685
@@ -437,10 +439,10 @@ camel/toolkits/open_api_specs/web_scraper/openapi.yaml,sha256=u_WalQ01e8W1D27VnZ
437
439
  camel/toolkits/open_api_specs/web_scraper/paths/__init__.py,sha256=OKCZrQCDwaWtXIN_2rA9FSqEvgpQRieRoHh7Ek6N16A,702
438
440
  camel/toolkits/open_api_specs/web_scraper/paths/scraper.py,sha256=aWy1_ppV4NVVEZfnbN3tu9XA9yAPAC9bRStJ5JuXMRU,1117
439
441
  camel/types/__init__.py,sha256=EOmWlqS7aE5cB51_Vv7vHUexKeBbx9FSsfynl5vKjwo,2565
440
- camel/types/enums.py,sha256=5L4KfHVRDdIIlaMaU-Lv-P5de3AOHeh6EfZfQBveJz4,63964
442
+ camel/types/enums.py,sha256=CVYahRqnCLK9FuBRkKSVC98ye9WS6v_hPkjkLj3RF0w,64969
441
443
  camel/types/mcp_registries.py,sha256=dl4LgYtSaUhsqAKpz28k_SA9La11qxqBvDLaEuyzrFE,4971
442
444
  camel/types/openai_types.py,sha256=m7oWb8nWYWOAwBRY1mP9mS9RVufXeDVj-fGvHAhXuMU,2120
443
- camel/types/unified_model_type.py,sha256=U3NUZux7QuMIxPW2H0qDp9BOyDJFHAx6jUmDNw5_9KM,5912
445
+ camel/types/unified_model_type.py,sha256=-Nv4dcz-xPf7eauWZW69KeXS1WpqhGfPBRzbWLG9TOg,6057
444
446
  camel/types/agents/__init__.py,sha256=cbvVkogPoZgcwZrgxLH6EtpGXk0kavF79nOic0Dc1vg,786
445
447
  camel/types/agents/tool_calling_record.py,sha256=xG0a9TJu-nQQ9aAxpZwYmgqnpjEbnm2cRjjG8uDSIbg,1979
446
448
  camel/utils/__init__.py,sha256=qQeMHZJ8Bbgpm4tBu-LWc_P3iFjXBlVfALdKTiD_s8I,3305
@@ -466,7 +468,7 @@ camel/verifiers/math_verifier.py,sha256=tA1D4S0sm8nsWISevxSN0hvSVtIUpqmJhzqfbuMo
466
468
  camel/verifiers/models.py,sha256=GdxYPr7UxNrR1577yW4kyroRcLGfd-H1GXgv8potDWU,2471
467
469
  camel/verifiers/physics_verifier.py,sha256=c1grrRddcrVN7szkxhv2QirwY9viIRSITWeWFF5HmLs,30187
468
470
  camel/verifiers/python_verifier.py,sha256=ogTz77wODfEcDN4tMVtiSkRQyoiZbHPY2fKybn59lHw,20558
469
- camel_ai-0.2.75a3.dist-info/METADATA,sha256=86OHr9M5A_cTjIAvHhESEpWG4t091n5rCO3QS5o7GQM,52289
470
- camel_ai-0.2.75a3.dist-info/WHEEL,sha256=qtCwoSJWgHk21S1Kb4ihdzI2rlJ1ZKaIurTj_ngOhyQ,87
471
- camel_ai-0.2.75a3.dist-info/licenses/LICENSE,sha256=id0nB2my5kG0xXeimIu5zZrbHLS6EQvxvkKkzIHaT2k,11343
472
- camel_ai-0.2.75a3.dist-info/RECORD,,
471
+ camel_ai-0.2.75a6.dist-info/METADATA,sha256=2rHGk8TSkR62Pr1OqX7kjBgnXbEfHRNAq-f4cM_pO4E,51886
472
+ camel_ai-0.2.75a6.dist-info/WHEEL,sha256=qtCwoSJWgHk21S1Kb4ihdzI2rlJ1ZKaIurTj_ngOhyQ,87
473
+ camel_ai-0.2.75a6.dist-info/licenses/LICENSE,sha256=id0nB2my5kG0xXeimIu5zZrbHLS6EQvxvkKkzIHaT2k,11343
474
+ camel_ai-0.2.75a6.dist-info/RECORD,,