langroid 0.1.229__tar.gz → 0.1.231__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.
- {langroid-0.1.229 → langroid-0.1.231}/PKG-INFO +1 -1
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/batch.py +6 -1
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/task.py +18 -1
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/base.py +12 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/openai_gpt.py +9 -9
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/utils.py +1 -0
- {langroid-0.1.229 → langroid-0.1.231}/pyproject.toml +1 -1
- {langroid-0.1.229 → langroid-0.1.231}/LICENSE +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/README.md +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/base.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/callbacks/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/callbacks/chainlit.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/chat_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/chat_document.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/helpers.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/junk +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/openai_assistant.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/doc_chat_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/lance_doc_chat_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/lance_rag/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/lance_rag/critic_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/lance_rag/lance_rag_task.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/lance_rag/query_planner_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/lance_tools.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/neo4j/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/neo4j/csv_kg_chat.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/neo4j/neo4j_chat_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/neo4j/utils/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/neo4j/utils/system_message.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/relevance_extractor_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/retriever_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/sql/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/sql/sql_chat_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/sql/utils/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/sql/utils/description_extractors.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/sql/utils/populate_metadata.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/sql/utils/system_message.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/sql/utils/tools.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/table_chat_agent.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tool_message.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/duckduckgo_search_tool.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/extract_tool.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/generator_tool.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/google_search_tool.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/metaphor_search_tool.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/recipient_tool.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/run_python_code.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent/tools/segment_extract_tool.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/agent_config.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/cachedb/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/cachedb/base.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/cachedb/momento_cachedb.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/cachedb/redis_cachedb.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/base.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/clustering.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/models.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/protoc/embeddings.proto +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/protoc/embeddings_pb2.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/protoc/embeddings_pb2.pyi +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/protoc/embeddings_pb2_grpc.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/remote_embeds.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/azure_openai.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/config.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/openai_assistants.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/prompt_formatter/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/prompt_formatter/base.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/prompt_formatter/hf_formatter.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/prompt_formatter/llama2_formatter.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/mytypes.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/agent_chats.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/code-parsing.md +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/code_parser.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/config.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/document_parser.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/image_text.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/para_sentence_split.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/parse_json.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/parser.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/repo_loader.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/search.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/spider.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/table_loader.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/url_loader.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/url_loader_cookies.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/urls.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/utils.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/parsing/web_search.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/prompts/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/prompts/chat-gpt4-system-prompt.md +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/prompts/dialog.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/prompts/prompts_config.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/prompts/templates.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/prompts/transforms.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/algorithms/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/algorithms/graph.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/configuration.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/constants.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/docker.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/globals.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/llms/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/llms/strings.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/logging.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/output/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/output/printing.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/output/status.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/pandas_utils.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/pydantic_utils.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/system.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/web/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/utils/web/login.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/vector_store/__init__.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/vector_store/base.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/vector_store/chromadb.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/vector_store/lancedb.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/vector_store/meilisearch.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/vector_store/momento.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/vector_store/qdrant_cloud.py +0 -0
- {langroid-0.1.229 → langroid-0.1.231}/langroid/vector_store/qdrantdb.py +0 -0
@@ -31,6 +31,7 @@ def run_batch_task_gen(
|
|
31
31
|
turns: int = -1,
|
32
32
|
message: Optional[str] = None,
|
33
33
|
handle_exceptions: bool = False,
|
34
|
+
max_cost: float = 0.0,
|
34
35
|
) -> list[U]:
|
35
36
|
"""
|
36
37
|
Generate and run copies of a task async/concurrently one per item in `items` list.
|
@@ -50,6 +51,7 @@ def run_batch_task_gen(
|
|
50
51
|
turns (int): number of turns to run, -1 for infinite
|
51
52
|
message (Optional[str]): optionally overrides the console status messages
|
52
53
|
handle_exceptions: bool: Whether to replace exceptions with outputs of None
|
54
|
+
max_cost: float: maximum cost to run the task (default 0.0 for unlimited)
|
53
55
|
|
54
56
|
Returns:
|
55
57
|
list[Any]: list of final results
|
@@ -62,7 +64,7 @@ def run_batch_task_gen(
|
|
62
64
|
task_i.agent.llm.set_stream(False)
|
63
65
|
task_i.agent.config.show_stats = False
|
64
66
|
|
65
|
-
result = await task_i.run_async(input, turns=turns)
|
67
|
+
result = await task_i.run_async(input, turns=turns, max_cost=max_cost)
|
66
68
|
return result
|
67
69
|
|
68
70
|
async def _do_all(
|
@@ -120,6 +122,7 @@ def run_batch_tasks(
|
|
120
122
|
sequential: bool = True,
|
121
123
|
batch_size: Optional[int] = None,
|
122
124
|
turns: int = -1,
|
125
|
+
max_cost: float = 0.0,
|
123
126
|
) -> List[U]:
|
124
127
|
"""
|
125
128
|
Run copies of `task` async/concurrently one per item in `items` list.
|
@@ -137,6 +140,7 @@ def run_batch_tasks(
|
|
137
140
|
batch_size (Optional[int]): The number of tasks to run at a time,
|
138
141
|
if None, unbatched
|
139
142
|
turns (int): number of turns to run, -1 for infinite
|
143
|
+
max_cost: float: maximum cost to run the task (default 0.0 for unlimited)
|
140
144
|
|
141
145
|
Returns:
|
142
146
|
list[Any]: list of final results
|
@@ -151,6 +155,7 @@ def run_batch_tasks(
|
|
151
155
|
batch_size,
|
152
156
|
turns,
|
153
157
|
message,
|
158
|
+
max_cost=max_cost,
|
154
159
|
)
|
155
160
|
|
156
161
|
|
@@ -170,7 +170,7 @@ class Task:
|
|
170
170
|
agent.set_system_message(system_message)
|
171
171
|
if user_message:
|
172
172
|
agent.set_user_message(user_message)
|
173
|
-
|
173
|
+
self.max_cost: float = 0
|
174
174
|
self.logger: None | RichFileLogger = None
|
175
175
|
self.tsv_logger: None | logging.Logger = None
|
176
176
|
self.color_log: bool = False if settings.notebook else True
|
@@ -375,11 +375,13 @@ class Task:
|
|
375
375
|
msg: Optional[str | ChatDocument] = None,
|
376
376
|
turns: int = -1,
|
377
377
|
caller: None | Task = None,
|
378
|
+
max_cost: float = 0,
|
378
379
|
) -> Optional[ChatDocument]:
|
379
380
|
"""Synchronous version of `run_async()`.
|
380
381
|
See `run_async()` for details."""
|
381
382
|
self.task_progress = False
|
382
383
|
self.n_stalled_steps = 0
|
384
|
+
self.max_cost = max_cost
|
383
385
|
assert (
|
384
386
|
msg is None or isinstance(msg, str) or isinstance(msg, ChatDocument)
|
385
387
|
), f"msg arg in Task.run() must be None, str, or ChatDocument, not {type(msg)}"
|
@@ -418,6 +420,7 @@ class Task:
|
|
418
420
|
msg: Optional[str | ChatDocument] = None,
|
419
421
|
turns: int = -1,
|
420
422
|
caller: None | Task = None,
|
423
|
+
max_cost: float = 0,
|
421
424
|
) -> Optional[ChatDocument]:
|
422
425
|
"""
|
423
426
|
Loop over `step()` until task is considered done or `turns` is reached.
|
@@ -434,6 +437,7 @@ class Task:
|
|
434
437
|
turns (int): number of turns to run the task for;
|
435
438
|
default is -1, which means run until task is done.
|
436
439
|
caller (Task|None): the calling task, if any
|
440
|
+
max_cost (float): maximum cost allowed for the task (default 0 -> no limit)
|
437
441
|
|
438
442
|
Returns:
|
439
443
|
Optional[ChatDocument]: valid result of the task.
|
@@ -444,6 +448,8 @@ class Task:
|
|
444
448
|
# message can be considered to be from the USER
|
445
449
|
# (from the POV of this agent's LLM).
|
446
450
|
self.task_progress = False
|
451
|
+
self.n_stalled_steps = 0
|
452
|
+
self.max_cost = max_cost
|
447
453
|
if (
|
448
454
|
isinstance(msg, ChatDocument)
|
449
455
|
and msg.metadata.recipient != ""
|
@@ -819,6 +825,7 @@ class Task:
|
|
819
825
|
self.pending_message,
|
820
826
|
turns=actual_turns,
|
821
827
|
caller=self,
|
828
|
+
max_cost=self.max_cost,
|
822
829
|
)
|
823
830
|
result_str = str(ChatDocument.to_LLMMessage(result))
|
824
831
|
maybe_tool = len(extract_top_level_json(result_str)) > 0
|
@@ -1051,6 +1058,16 @@ class Task:
|
|
1051
1058
|
)
|
1052
1059
|
return True
|
1053
1060
|
|
1061
|
+
if self.max_cost > 0 and self.agent.llm is not None:
|
1062
|
+
try:
|
1063
|
+
if self.agent.llm.tot_tokens_cost()[1] > self.max_cost:
|
1064
|
+
logger.warning(
|
1065
|
+
f"Task {self.name} exceeded max cost {self.max_cost}; exiting."
|
1066
|
+
)
|
1067
|
+
return True
|
1068
|
+
except Exception:
|
1069
|
+
pass
|
1070
|
+
|
1054
1071
|
return (
|
1055
1072
|
# no valid response from any entity/agent in current turn
|
1056
1073
|
result is None
|
@@ -449,6 +449,18 @@ class LanguageModel(ABC):
|
|
449
449
|
s += f"{model}: {counter}\n"
|
450
450
|
return s
|
451
451
|
|
452
|
+
@classmethod
|
453
|
+
def tot_tokens_cost(cls) -> Tuple[int, float]:
|
454
|
+
"""
|
455
|
+
Return total tokens used and total cost across all models.
|
456
|
+
"""
|
457
|
+
total_tokens = 0
|
458
|
+
total_cost = 0.0
|
459
|
+
for counter in cls.usage_cost_dict.values():
|
460
|
+
total_tokens += counter.total_tokens
|
461
|
+
total_cost += counter.cost
|
462
|
+
return total_tokens, total_cost
|
463
|
+
|
452
464
|
def followup_to_standalone(
|
453
465
|
self, chat_history: List[Tuple[str, str]], question: str
|
454
466
|
) -> str:
|
@@ -49,7 +49,7 @@ from langroid.language_models.utils import (
|
|
49
49
|
retry_with_exponential_backoff,
|
50
50
|
)
|
51
51
|
from langroid.utils.configuration import settings
|
52
|
-
from langroid.utils.constants import
|
52
|
+
from langroid.utils.constants import Colors
|
53
53
|
from langroid.utils.system import friendly_error
|
54
54
|
|
55
55
|
logging.getLogger("openai").setLevel(logging.ERROR)
|
@@ -847,9 +847,9 @@ class OpenAIGPT(LanguageModel):
|
|
847
847
|
try:
|
848
848
|
return self._generate(prompt, max_tokens)
|
849
849
|
except Exception as e:
|
850
|
-
#
|
850
|
+
# log and re-raise exception
|
851
851
|
logging.error(friendly_error(e, "Error in OpenAIGPT.generate: "))
|
852
|
-
|
852
|
+
raise e
|
853
853
|
|
854
854
|
def _generate(self, prompt: str, max_tokens: int) -> LLMResponse:
|
855
855
|
if self.config.use_chat_for_completion:
|
@@ -917,9 +917,9 @@ class OpenAIGPT(LanguageModel):
|
|
917
917
|
try:
|
918
918
|
return await self._agenerate(prompt, max_tokens)
|
919
919
|
except Exception as e:
|
920
|
-
#
|
920
|
+
# log and re-raise exception
|
921
921
|
logging.error(friendly_error(e, "Error in OpenAIGPT.agenerate: "))
|
922
|
-
|
922
|
+
raise e
|
923
923
|
|
924
924
|
async def _agenerate(self, prompt: str, max_tokens: int) -> LLMResponse:
|
925
925
|
# note we typically will not have self.config.stream = True
|
@@ -1019,9 +1019,9 @@ class OpenAIGPT(LanguageModel):
|
|
1019
1019
|
try:
|
1020
1020
|
return self._chat(messages, max_tokens, functions, function_call)
|
1021
1021
|
except Exception as e:
|
1022
|
-
#
|
1022
|
+
# log and re-raise exception
|
1023
1023
|
logging.error(friendly_error(e, "Error in OpenAIGPT.chat: "))
|
1024
|
-
|
1024
|
+
raise e
|
1025
1025
|
|
1026
1026
|
async def achat(
|
1027
1027
|
self,
|
@@ -1072,9 +1072,9 @@ class OpenAIGPT(LanguageModel):
|
|
1072
1072
|
result = await self._achat(messages, max_tokens, functions, function_call)
|
1073
1073
|
return result
|
1074
1074
|
except Exception as e:
|
1075
|
-
#
|
1075
|
+
# log and re-raise exception
|
1076
1076
|
logging.error(friendly_error(e, "Error in OpenAIGPT.achat: "))
|
1077
|
-
|
1077
|
+
raise e
|
1078
1078
|
|
1079
1079
|
@retry_with_exponential_backoff
|
1080
1080
|
def _chat_completions_with_backoff(self, **kwargs): # type: ignore
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/lance_rag/query_planner_agent.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{langroid-0.1.229 → langroid-0.1.231}/langroid/agent/special/sql/utils/description_extractors.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{langroid-0.1.229 → langroid-0.1.231}/langroid/embedding_models/protoc/embeddings_pb2_grpc.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/prompt_formatter/hf_formatter.py
RENAMED
File without changes
|
{langroid-0.1.229 → langroid-0.1.231}/langroid/language_models/prompt_formatter/llama2_formatter.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|