langroid 0.56.7__tar.gz → 0.56.9__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.56.7 → langroid-0.56.9}/PKG-INFO +1 -1
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/doc_chat_agent.py +20 -25
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/task_tool.py +4 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/base.py +1 -1
- {langroid-0.56.7 → langroid-0.56.9}/pyproject.toml +2 -2
- {langroid-0.56.7 → langroid-0.56.9}/.gitignore +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/LICENSE +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/README.md +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/base.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/batch.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/callbacks/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/callbacks/chainlit.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/chat_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/chat_document.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/done_sequence_parser.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/openai_assistant.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/arangodb/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/arangodb/arangodb_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/arangodb/system_messages.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/arangodb/tools.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/arangodb/utils.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/doc_chat_task.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/lance_doc_chat_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/lance_rag/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/lance_rag/critic_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/lance_rag/lance_rag_task.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/lance_rag/query_planner_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/lance_tools.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/neo4j/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/neo4j/csv_kg_chat.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/neo4j/neo4j_chat_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/neo4j/system_messages.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/neo4j/tools.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/relevance_extractor_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/retriever_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/sql/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/sql/sql_chat_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/sql/utils/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/sql/utils/description_extractors.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/sql/utils/populate_metadata.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/sql/utils/system_message.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/sql/utils/tools.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/special/table_chat_agent.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/task.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tool_message.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/duckduckgo_search_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/exa_search_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/file_tools.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/google_search_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/mcp/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/mcp/decorators.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/mcp/fastmcp_client.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/metaphor_search_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/orchestration.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/recipient_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/retrieval_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/rewind_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/segment_extract_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/tools/tavily_search_tool.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/agent/xml_tool_message.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/cachedb/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/cachedb/base.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/cachedb/redis_cachedb.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/base.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/models.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/protoc/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/protoc/embeddings.proto +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/protoc/embeddings_pb2.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/protoc/embeddings_pb2.pyi +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/protoc/embeddings_pb2_grpc.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/embedding_models/remote_embeds.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/exceptions.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/azure_openai.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/config.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/mock_lm.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/model_info.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/openai_gpt.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/prompt_formatter/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/prompt_formatter/base.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/prompt_formatter/hf_formatter.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/prompt_formatter/llama2_formatter.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/provider_params.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/language_models/utils.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/mcp/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/mcp/server/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/mytypes.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/agent_chats.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/code_parser.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/document_parser.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/file_attachment.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/md_parser.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/para_sentence_split.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/parse_json.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/parser.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/pdf_utils.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/repo_loader.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/routing.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/search.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/spider.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/table_loader.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/url_loader.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/urls.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/utils.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/parsing/web_search.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/prompts/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/prompts/dialog.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/prompts/prompts_config.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/prompts/templates.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/py.typed +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/pydantic_v1/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/pydantic_v1/main.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/algorithms/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/algorithms/graph.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/configuration.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/constants.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/git_utils.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/globals.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/logging.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/object_registry.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/output/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/output/citations.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/output/printing.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/output/status.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/pandas_utils.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/pydantic_utils.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/system.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/utils/types.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/__init__.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/base.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/chromadb.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/lancedb.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/meilisearch.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/pineconedb.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/postgres.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/qdrantdb.py +0 -0
- {langroid-0.56.7 → langroid-0.56.9}/langroid/vector_store/weaviatedb.py +0 -0
@@ -149,8 +149,8 @@ class DocChatAgentConfig(ChatAgentConfig):
|
|
149
149
|
n_fuzzy_neighbor_words: int = 100 # num neighbor words to retrieve for fuzzy match
|
150
150
|
use_fuzzy_match: bool = True
|
151
151
|
use_bm25_search: bool = True
|
152
|
-
use_reciprocal_rank_fusion: bool =
|
153
|
-
cross_encoder_reranking_model: str = (
|
152
|
+
use_reciprocal_rank_fusion: bool = False
|
153
|
+
cross_encoder_reranking_model: str = ( # ignored if use_reciprocal_rank_fusion=True
|
154
154
|
"cross-encoder/ms-marco-MiniLM-L-6-v2" if has_sentence_transformers else ""
|
155
155
|
)
|
156
156
|
rerank_diversity: bool = True # rerank to maximize diversity?
|
@@ -249,11 +249,10 @@ class DocChatAgent(ChatAgent):
|
|
249
249
|
):
|
250
250
|
logger.warning(
|
251
251
|
"""
|
252
|
-
|
253
|
-
|
254
|
-
|
255
|
-
|
256
|
-
`cross_encoder_reranking_model` to an empty string.
|
252
|
+
Ignoring `cross_encoder_reranking_model` since you have set
|
253
|
+
`use_reciprocal_rank_fusion` to True.
|
254
|
+
To use cross-encoder reranking, set
|
255
|
+
`use_reciprocal_rank_fusion` to False.
|
257
256
|
"""
|
258
257
|
)
|
259
258
|
|
@@ -1113,7 +1112,7 @@ class DocChatAgent(ChatAgent):
|
|
1113
1112
|
key=lambda x: x[0],
|
1114
1113
|
reverse=True,
|
1115
1114
|
)
|
1116
|
-
passages = [d for _, d in sorted_pairs
|
1115
|
+
passages = [d for _, d in sorted_pairs]
|
1117
1116
|
return passages
|
1118
1117
|
|
1119
1118
|
def rerank_with_diversity(self, passages: List[Document]) -> List[Document]:
|
@@ -1320,10 +1319,7 @@ class DocChatAgent(ChatAgent):
|
|
1320
1319
|
# TODO: Add score threshold in config
|
1321
1320
|
docs_scores = self.get_similar_chunks_bm25(query, retrieval_multiple)
|
1322
1321
|
id2doc.update({d.id(): d for d, _ in docs_scores})
|
1323
|
-
if
|
1324
|
-
self.config.cross_encoder_reranking_model == ""
|
1325
|
-
and self.config.use_reciprocal_rank_fusion
|
1326
|
-
):
|
1322
|
+
if self.config.use_reciprocal_rank_fusion:
|
1327
1323
|
# if we're not re-ranking with a cross-encoder, and have RRF enabled,
|
1328
1324
|
# instead of accumulating the bm25 results into passages,
|
1329
1325
|
# we collect these ranks for Reciprocal Rank Fusion down below.
|
@@ -1338,10 +1334,7 @@ class DocChatAgent(ChatAgent):
|
|
1338
1334
|
if self.config.use_fuzzy_match:
|
1339
1335
|
# TODO: Add score threshold in config
|
1340
1336
|
fuzzy_match_doc_scores = self.get_fuzzy_matches(query, retrieval_multiple)
|
1341
|
-
if
|
1342
|
-
self.config.cross_encoder_reranking_model == ""
|
1343
|
-
and self.config.use_reciprocal_rank_fusion
|
1344
|
-
):
|
1337
|
+
if self.config.use_reciprocal_rank_fusion:
|
1345
1338
|
# if we're not re-ranking with a cross-encoder,
|
1346
1339
|
# instead of accumulating the fuzzy match results into passages,
|
1347
1340
|
# we collect these ranks for Reciprocal Rank Fusion down below.
|
@@ -1357,10 +1350,8 @@ class DocChatAgent(ChatAgent):
|
|
1357
1350
|
# eliminate duplicate ids
|
1358
1351
|
passages = [id2doc[id] for id in id2doc.keys()]
|
1359
1352
|
|
1360
|
-
if (
|
1361
|
-
self.config.
|
1362
|
-
and self.config.use_reciprocal_rank_fusion
|
1363
|
-
and (self.config.use_bm25_search or self.config.use_fuzzy_match)
|
1353
|
+
if self.config.use_reciprocal_rank_fusion and (
|
1354
|
+
self.config.use_bm25_search or self.config.use_fuzzy_match
|
1364
1355
|
):
|
1365
1356
|
# Since we're not using cross-enocder re-ranking,
|
1366
1357
|
# we need to re-order the retrieved chunks from potentially three
|
@@ -1382,9 +1373,9 @@ class DocChatAgent(ChatAgent):
|
|
1382
1373
|
# Use max_rank instead of infinity to avoid bias against
|
1383
1374
|
# single-method docs
|
1384
1375
|
max_rank = self.config.n_similar_chunks * retrieval_multiple
|
1385
|
-
rank_semantic = id2_rank_semantic.get(id_, max_rank)
|
1386
|
-
rank_bm25 = id2_rank_bm25.get(id_, max_rank)
|
1387
|
-
rank_fuzzy = id2_rank_fuzzy.get(id_, max_rank)
|
1376
|
+
rank_semantic = id2_rank_semantic.get(id_, max_rank + 1)
|
1377
|
+
rank_bm25 = id2_rank_bm25.get(id_, max_rank + 1)
|
1378
|
+
rank_fuzzy = id2_rank_fuzzy.get(id_, max_rank + 1)
|
1388
1379
|
c = self.config.reciprocal_rank_fusion_constant
|
1389
1380
|
reciprocal_fusion_score = (
|
1390
1381
|
1 / (rank_semantic + c) + 1 / (rank_bm25 + c) + 1 / (rank_fuzzy + c)
|
@@ -1421,10 +1412,14 @@ class DocChatAgent(ChatAgent):
|
|
1421
1412
|
passages_scores = self.add_context_window(passages_scores)
|
1422
1413
|
passages = [p for p, _ in passages_scores]
|
1423
1414
|
# now passages can potentially have a lot of doc chunks,
|
1424
|
-
# so we re-rank them using a cross-encoder scoring model
|
1415
|
+
# so we re-rank them using a cross-encoder scoring model
|
1416
|
+
# (provided that `reciprocal_rank_fusion` is not enabled),
|
1425
1417
|
# and pick top k where k = config..n_similar_chunks
|
1426
1418
|
# https://www.sbert.net/examples/applications/retrieve_rerank
|
1427
|
-
if
|
1419
|
+
if (
|
1420
|
+
self.config.cross_encoder_reranking_model != ""
|
1421
|
+
and not self.config.use_reciprocal_rank_fusion
|
1422
|
+
):
|
1428
1423
|
passages = self.rerank_with_cross_encoder(query, passages)
|
1429
1424
|
|
1430
1425
|
if self.config.rerank_diversity:
|
@@ -24,6 +24,7 @@ class TaskTool(ToolMessage):
|
|
24
24
|
will be generated.
|
25
25
|
"""
|
26
26
|
|
27
|
+
# TODO: setting up termination conditions of sub-task needs to be improved
|
27
28
|
request: str = "task_tool"
|
28
29
|
purpose: str = """
|
29
30
|
<HowToUse>
|
@@ -77,6 +78,7 @@ class TaskTool(ToolMessage):
|
|
77
78
|
To disable all tools, set it to a singleton list containing 'NONE'
|
78
79
|
""",
|
79
80
|
)
|
81
|
+
# TODO: ensure valid model name
|
80
82
|
model: str = Field(
|
81
83
|
default=None,
|
82
84
|
description="""
|
@@ -183,5 +185,7 @@ class TaskTool(ToolMessage):
|
|
183
185
|
"""
|
184
186
|
task = self._set_up_task(agent)
|
185
187
|
# Run the task on the prompt, and return the result
|
188
|
+
# TODO eventually allow the various task setup configs,
|
189
|
+
# including termination conditions
|
186
190
|
result = await task.run_async(self.prompt, turns=self.max_iterations or 10)
|
187
191
|
return result
|
@@ -78,7 +78,7 @@ class LLMConfig(BaseSettings):
|
|
78
78
|
completion_model: str = ""
|
79
79
|
temperature: float = 0.0
|
80
80
|
chat_context_length: int | None = None
|
81
|
-
async_stream_quiet: bool =
|
81
|
+
async_stream_quiet: bool = False # suppress streaming output in async mode?
|
82
82
|
completion_context_length: int | None = None
|
83
83
|
# if input length + max_output_tokens > context length of model,
|
84
84
|
# we will try shortening requested output
|
@@ -1,6 +1,6 @@
|
|
1
1
|
[project]
|
2
2
|
name = "langroid"
|
3
|
-
version = "0.56.
|
3
|
+
version = "0.56.9"
|
4
4
|
authors = [
|
5
5
|
{name = "Prasad Chalasani", email = "pchalasani@gmail.com"},
|
6
6
|
]
|
@@ -372,7 +372,7 @@ lint.select = [
|
|
372
372
|
lint.exclude = ["docs/**", ".venv", "venv", "examples/**", "examples_dev", "langroid/utils/web", "notebooks", "__init__.py", "langroid/embedding_models/protoc/*"]
|
373
373
|
lint.fixable = ["A", "B", "C", "D", "E", "F", "G", "I", "N", "Q", "S", "T", "W", "ANN", "ARG", "BLE", "COM", "DJ", "DTZ", "EM", "ERA", "EXE", "FBT", "ICN", "INP", "ISC", "NPY", "PD", "PGH", "PIE", "PL", "PT", "PTH", "PYI", "RET", "RSE", "RUF", "SIM", "SLF", "TCH", "TID", "TRY", "UP", "YTT"]
|
374
374
|
lint.unfixable = []
|
375
|
-
lint.extend-ignore = ["F821"
|
375
|
+
lint.extend-ignore = ["F821"]
|
376
376
|
# Assume Python 3.11.
|
377
377
|
target-version = "py311"
|
378
378
|
|
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
|
{langroid-0.56.7 → langroid-0.56.9}/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
|
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.56.7 → langroid-0.56.9}/langroid/language_models/prompt_formatter/hf_formatter.py
RENAMED
File without changes
|
{langroid-0.56.7 → langroid-0.56.9}/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
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|