langroid 0.1.249__tar.gz → 0.1.250__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.249 → langroid-0.1.250}/PKG-INFO +3 -1
- {langroid-0.1.249 → langroid-0.1.250}/README.md +2 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/doc_chat_agent.py +49 -15
- langroid-0.1.250/langroid/agent/tools/retrieval_tool.py +29 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/prompts/templates.py +6 -5
- {langroid-0.1.249 → langroid-0.1.250}/pyproject.toml +1 -1
- {langroid-0.1.249 → langroid-0.1.250}/LICENSE +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/base.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/batch.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/callbacks/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/callbacks/chainlit.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/chat_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/chat_document.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/helpers.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/junk +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/openai_assistant.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/lance_doc_chat_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/lance_rag/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/lance_rag/critic_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/lance_rag/lance_rag_task.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/lance_rag/query_planner_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/lance_tools.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/neo4j/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/neo4j/csv_kg_chat.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/neo4j/neo4j_chat_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/neo4j/utils/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/neo4j/utils/system_message.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/relevance_extractor_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/retriever_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/sql/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/sql/sql_chat_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/sql/utils/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/sql/utils/description_extractors.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/sql/utils/populate_metadata.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/sql/utils/system_message.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/sql/utils/tools.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/special/table_chat_agent.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/task.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tool_message.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/duckduckgo_search_tool.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/extract_tool.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/generator_tool.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/google_search_tool.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/metaphor_search_tool.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/recipient_tool.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/run_python_code.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent/tools/segment_extract_tool.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/agent_config.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/cachedb/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/cachedb/base.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/cachedb/momento_cachedb.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/cachedb/redis_cachedb.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/base.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/clustering.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/models.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/protoc/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/protoc/embeddings.proto +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/protoc/embeddings_pb2.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/protoc/embeddings_pb2.pyi +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/protoc/embeddings_pb2_grpc.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/embedding_models/remote_embeds.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/azure_openai.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/base.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/config.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/openai_assistants.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/openai_gpt.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/prompt_formatter/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/prompt_formatter/base.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/prompt_formatter/hf_formatter.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/prompt_formatter/llama2_formatter.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/utils.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/mytypes.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/agent_chats.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/code-parsing.md +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/code_parser.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/config.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/document_parser.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/image_text.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/para_sentence_split.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/parse_json.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/parser.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/repo_loader.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/search.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/spider.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/table_loader.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/url_loader.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/url_loader_cookies.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/urls.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/utils.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/parsing/web_search.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/prompts/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/prompts/chat-gpt4-system-prompt.md +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/prompts/dialog.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/prompts/prompts_config.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/prompts/transforms.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/algorithms/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/algorithms/graph.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/configuration.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/constants.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/docker.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/globals.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/llms/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/llms/strings.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/logging.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/output/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/output/printing.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/output/status.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/pandas_utils.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/pydantic_utils.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/system.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/web/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/utils/web/login.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/vector_store/__init__.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/vector_store/base.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/vector_store/chromadb.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/vector_store/lancedb.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/vector_store/meilisearch.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/vector_store/momento.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/vector_store/qdrant_cloud.py +0 -0
- {langroid-0.1.249 → langroid-0.1.250}/langroid/vector_store/qdrantdb.py +0 -0
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: langroid
|
3
|
-
Version: 0.1.
|
3
|
+
Version: 0.1.250
|
4
4
|
Summary: Harness LLMs with Multi-Agent Programming
|
5
5
|
License: MIT
|
6
6
|
Author: Prasad Chalasani
|
@@ -237,6 +237,8 @@ teacher_task.run()
|
|
237
237
|
<summary> <b>Click to expand</b></summary>
|
238
238
|
|
239
239
|
- **May 2024:**
|
240
|
+
- [Much-Improved Citation](https://github.com/langroid/langroid/issues/477)
|
241
|
+
generation and display when using `DocChatAgent`.
|
240
242
|
- `gpt-4o` is now the default LLM throughout; Update tests and examples to work
|
241
243
|
with this LLM; use tokenizer corresponding to the LLM.
|
242
244
|
- `gemini 1.5 pro` support via `litellm`
|
@@ -123,6 +123,8 @@ teacher_task.run()
|
|
123
123
|
<summary> <b>Click to expand</b></summary>
|
124
124
|
|
125
125
|
- **May 2024:**
|
126
|
+
- [Much-Improved Citation](https://github.com/langroid/langroid/issues/477)
|
127
|
+
generation and display when using `DocChatAgent`.
|
126
128
|
- `gpt-4o` is now the default LLM throughout; Update tests and examples to work
|
127
129
|
with this LLM; use tokenizer corresponding to the LLM.
|
128
130
|
- `gemini 1.5 pro` support via `litellm`
|
@@ -14,7 +14,6 @@ pip install "langroid[hf-embeddings]"
|
|
14
14
|
"""
|
15
15
|
|
16
16
|
import logging
|
17
|
-
import re
|
18
17
|
from functools import cache
|
19
18
|
from typing import Any, Dict, List, Optional, Set, Tuple, no_type_check
|
20
19
|
|
@@ -31,6 +30,7 @@ from langroid.agent.special.relevance_extractor_agent import (
|
|
31
30
|
RelevanceExtractorAgentConfig,
|
32
31
|
)
|
33
32
|
from langroid.agent.task import Task
|
33
|
+
from langroid.agent.tools.retrieval_tool import RetrievalTool
|
34
34
|
from langroid.embedding_models.models import OpenAIEmbeddingsConfig
|
35
35
|
from langroid.language_models.base import StreamingIfAllowed
|
36
36
|
from langroid.language_models.openai_gpt import OpenAIChatModel, OpenAIGPTConfig
|
@@ -82,21 +82,47 @@ except ImportError:
|
|
82
82
|
pass
|
83
83
|
|
84
84
|
|
85
|
-
def
|
86
|
-
|
87
|
-
|
85
|
+
def extract_markdown_references(md_string: str) -> list[int]:
|
86
|
+
"""
|
87
|
+
Extracts markdown references (e.g., [^1], [^2]) from a string and returns
|
88
|
+
them as a sorted list of integers.
|
89
|
+
|
90
|
+
Args:
|
91
|
+
md_string (str): The markdown string containing references.
|
92
|
+
|
93
|
+
Returns:
|
94
|
+
list[int]: A sorted list of unique integers from the markdown references.
|
95
|
+
"""
|
96
|
+
import re
|
97
|
+
|
98
|
+
# Regex to find all occurrences of [^<number>]
|
99
|
+
matches = re.findall(r"\[\^(\d+)\]", md_string)
|
100
|
+
# Convert matches to integers, remove duplicates with set, and sort
|
101
|
+
return sorted(set(int(match) for match in matches))
|
88
102
|
|
89
|
-
# Initialize a set to hold distinct citation numbers
|
90
|
-
citations: Set[int] = set()
|
91
103
|
|
92
|
-
|
93
|
-
|
94
|
-
|
95
|
-
|
96
|
-
|
104
|
+
def format_footnote_text(content: str, width: int = 80) -> str:
|
105
|
+
"""
|
106
|
+
Formats the content part of a footnote (i.e. not the first line that
|
107
|
+
appears right after the reference [^4])
|
108
|
+
It wraps the text so that no line is longer than the specified width and indents
|
109
|
+
lines as necessary for markdown footnotes.
|
110
|
+
|
111
|
+
Args:
|
112
|
+
content (str): The text of the footnote to be formatted.
|
113
|
+
width (int): Maximum width of the text lines.
|
97
114
|
|
98
|
-
|
99
|
-
|
115
|
+
Returns:
|
116
|
+
str: Properly formatted markdown footnote text.
|
117
|
+
"""
|
118
|
+
import textwrap
|
119
|
+
|
120
|
+
# Wrap the text to the specified width
|
121
|
+
wrapped_lines = textwrap.wrap(content, width)
|
122
|
+
if len(wrapped_lines) == 0:
|
123
|
+
return ""
|
124
|
+
indent = " " # Indentation for markdown footnotes
|
125
|
+
return indent + ("\n" + indent).join(wrapped_lines)
|
100
126
|
|
101
127
|
|
102
128
|
class DocChatAgentConfig(ChatAgentConfig):
|
@@ -438,6 +464,13 @@ class DocChatAgent(ChatAgent):
|
|
438
464
|
self.setup_documents(docs, filter=self.config.filter)
|
439
465
|
return len(docs)
|
440
466
|
|
467
|
+
def retrieval_tool(self, msg: RetrievalTool) -> str:
|
468
|
+
"""Handle the RetrievalTool message"""
|
469
|
+
self.config.retrieve_only = True
|
470
|
+
self.config.parsing.n_similar_docs = msg.num_results
|
471
|
+
content_doc = self.answer_from_docs(msg.query)
|
472
|
+
return content_doc.content
|
473
|
+
|
441
474
|
@staticmethod
|
442
475
|
def document_compatible_dataframe(
|
443
476
|
df: pd.DataFrame,
|
@@ -808,14 +841,15 @@ class DocChatAgent(ChatAgent):
|
|
808
841
|
final_answer = answer_doc.content.strip()
|
809
842
|
show_if_debug(final_answer, "SUMMARIZE_RESPONSE= ")
|
810
843
|
|
811
|
-
citations =
|
844
|
+
citations = extract_markdown_references(final_answer)
|
812
845
|
|
813
846
|
citations_str = ""
|
814
847
|
if len(citations) > 0:
|
815
848
|
# append [i] source, content for each citation
|
816
849
|
citations_str = "\n".join(
|
817
850
|
[
|
818
|
-
f"[{c}] {passages[c-1].metadata.source}
|
851
|
+
f"[^{c}] {passages[c-1].metadata.source}"
|
852
|
+
f"\n{format_footnote_text(passages[c-1].content)}"
|
819
853
|
for c in citations
|
820
854
|
]
|
821
855
|
)
|
@@ -0,0 +1,29 @@
|
|
1
|
+
from typing import List
|
2
|
+
|
3
|
+
from langroid.agent.tool_message import ToolMessage
|
4
|
+
|
5
|
+
|
6
|
+
class RetrievalTool(ToolMessage):
|
7
|
+
"""Retrieval tool, only to be used by a DocChatAgent."""
|
8
|
+
|
9
|
+
request: str = "retrieval_tool"
|
10
|
+
purpose: str = """
|
11
|
+
To retrieve up to <num_results> passages from a document-set, that are
|
12
|
+
relevant to a <query>, which could be a question or simply a topic or
|
13
|
+
search phrase.
|
14
|
+
"""
|
15
|
+
query: str
|
16
|
+
num_results: int
|
17
|
+
|
18
|
+
@classmethod
|
19
|
+
def examples(cls) -> List["ToolMessage"]:
|
20
|
+
return [
|
21
|
+
cls(
|
22
|
+
query="What are the eligibility criteria for the scholarship?",
|
23
|
+
num_results=3,
|
24
|
+
),
|
25
|
+
cls(
|
26
|
+
query="Self-Attention mechanism in RNNs",
|
27
|
+
num_results=5,
|
28
|
+
),
|
29
|
+
]
|
@@ -55,13 +55,14 @@ SUMMARY_ANSWER_PROMPT_GPT4 = f"""
|
|
55
55
|
information in these extracts, even if your answer is factually incorrect,
|
56
56
|
and even if the answer contradicts other parts of the document. The only
|
57
57
|
important thing is that your answer is consistent with and supported by the
|
58
|
-
extracts. Compose your complete answer, inserting CITATIONS
|
59
|
-
|
58
|
+
extracts. Compose your complete answer, inserting CITATIONS in MARKDOWN format
|
59
|
+
[^i][^j] where i,j,... are the extract NUMBERS you are
|
60
|
+
citing.
|
60
61
|
For example your answer might look like this (NOTE HOW multiple citations
|
61
|
-
are grouped as [[
|
62
|
+
are grouped as [^2][^5]):
|
62
63
|
|
63
|
-
Beethoven composed the 9th symphony in 1824.
|
64
|
-
and could not hear his own music. [[
|
64
|
+
Beethoven composed the 9th symphony in 1824.[^1] After that he became deaf
|
65
|
+
and could not hear his own music. [^2][^5]. He was a prolific composer and
|
65
66
|
wrote many famous pieces.
|
66
67
|
|
67
68
|
NUMBERED EXTRACTS:
|
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.249 → langroid-0.1.250}/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.249 → langroid-0.1.250}/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
|
{langroid-0.1.249 → langroid-0.1.250}/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
|
File without changes
|
File without changes
|
{langroid-0.1.249 → langroid-0.1.250}/langroid/language_models/prompt_formatter/hf_formatter.py
RENAMED
File without changes
|
{langroid-0.1.249 → langroid-0.1.250}/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
|