url
stringlengths
63
64
repository_url
stringclasses
1 value
labels_url
stringlengths
77
78
comments_url
stringlengths
72
73
events_url
stringlengths
70
71
html_url
stringlengths
51
54
id
int64
1.73B
2.09B
node_id
stringlengths
18
19
number
int64
5.23k
16.2k
title
stringlengths
1
385
user
dict
labels
list
state
stringclasses
2 values
locked
bool
2 classes
assignee
dict
assignees
list
milestone
null
comments
int64
0
56
created_at
timestamp[s]
updated_at
timestamp[s]
closed_at
timestamp[s]
author_association
stringclasses
3 values
active_lock_reason
null
body
stringlengths
1
55.4k
reactions
dict
timeline_url
stringlengths
72
73
performed_via_github_app
null
state_reason
stringclasses
3 values
draft
bool
2 classes
pull_request
dict
https://api.github.com/repos/langchain-ai/langchain/issues/6642
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6642/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6642/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6642/events
https://github.com/langchain-ai/langchain/issues/6642
1,771,287,642
I_kwDOIPDwls5pk7Ra
6,642
Tokenize before OpenAI call issues
{ "login": "paulthemagno", "id": 38130299, "node_id": "MDQ6VXNlcjM4MTMwMjk5", "avatar_url": "https://avatars.githubusercontent.com/u/38130299?v=4", "gravatar_id": "", "url": "https://api.github.com/users/paulthemagno", "html_url": "https://github.com/paulthemagno", "followers_url": "https://api.github.com/users/paulthemagno/followers", "following_url": "https://api.github.com/users/paulthemagno/following{/other_user}", "gists_url": "https://api.github.com/users/paulthemagno/gists{/gist_id}", "starred_url": "https://api.github.com/users/paulthemagno/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/paulthemagno/subscriptions", "organizations_url": "https://api.github.com/users/paulthemagno/orgs", "repos_url": "https://api.github.com/users/paulthemagno/repos", "events_url": "https://api.github.com/users/paulthemagno/events{/privacy}", "received_events_url": "https://api.github.com/users/paulthemagno/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-23T11:21:02
2023-07-12T13:21:20
2023-07-12T13:21:19
NONE
null
### Issue you'd like to raise. I would like to know how many **tokens** the tokenizer would generate for the **prompt** doing the **OpenAI** call, but I'm finding issues in reproducing the real call. Indeed I'm trying two methods (that internally use `tiktoken` library if I'm not wrong) found in the documentation: - [`get_num_tokens`](https://api.python.langchain.com/en/latest/modules/llms.html#langchain.llms.AI21.get_num_tokens) - [`get_num_tokens_from_messages`](https://api.python.langchain.com/en/latest/modules/llms.html#langchain.llms.AI21.get_num_tokens_from_messages) Then I check the number of prompt tokens with the callback `get_openai_callback` the understand if the calculation was correct: ```python from langchain.llms import OpenAI from langchain.schema import HumanMessage, SystemMessage, AIMessage from langchain.callbacks import get_openai_callback models_name = ["text-davinci-003", "gpt-3.5-turbo-0301", "gpt-3.5-turbo-0613"] for model_name in models_name: print(f"----{model_name}----") llm = OpenAI(model_name = model_name) print(llm) text = "Hello world" tokens = llm.get_num_tokens(text) print(f"1) get_num_tokens: {tokens}") human_message = HumanMessage(content=text) system_message = SystemMessage(content=text) ai_message = AIMessage(content=text) tokens = llm.get_num_tokens_from_messages([human_message]), llm.get_num_tokens_from_messages([system_message]), llm.get_num_tokens_from_messages([ai_message]) print(f"2) get_num_tokens_from_messages: {tokens}") with get_openai_callback() as cb: llm_response = llm(text) print(f"3) callback: {cb}") ``` The output is: ``` ----text-davinci-003---- OpenAI Params: {'model_name': 'text-davinci-003', 'temperature': 0.7, 'max_tokens': 256, 'top_p': 1, 'frequency_penalty': 0, 'presence_penalty': 0, 'n': 1, 'request_timeout': None, 'logit_bias': {}} 1) get_num_tokens: 2 2) get_num_tokens_from_messages: (4, 4, 4) 3) callback: Tokens Used: 23 Prompt Tokens: 2 Completion Tokens: 21 Successful Requests: 1 Total Cost (USD): $0.00045999999999999996 ----gpt-3.5-turbo-0301---- OpenAIChat Params: {'model_name': 'gpt-3.5-turbo-0301'} 1) get_num_tokens: 2 2) get_num_tokens_from_messages: (4, 4, 4) 3) callback: Tokens Used: 50 Prompt Tokens: 10 Completion Tokens: 40 Successful Requests: 1 Total Cost (USD): $0.0001 ----gpt-3.5-turbo-0613---- OpenAIChat Params: {'model_name': 'gpt-3.5-turbo-0613'} 1) get_num_tokens: 2 2) get_num_tokens_from_messages: (4, 4, 4) 3) callback: Tokens Used: 18 Prompt Tokens: 9 Completion Tokens: 9 Successful Requests: 1 Total Cost (USD): $0.0 ``` I understand that each model has a different way to count the tokens, for example **text-davinci-003** has the same number between `get_num_tokens` output and the callback. The other two models: **gpt-3.5-turbo-0301** and **gpt-3.5-turbo-0613** seems to have respectively 6 and 5 tokens more in the callback compared to `get_num_tokens_from_messages`. So how I can reproduce exactly the calculation of the token in the real call? Which is the official function used in it? ### Suggestion: _No response_
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6642/reactions", "total_count": 2, "+1": 2, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6642/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6641
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6641/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6641/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6641/events
https://github.com/langchain-ai/langchain/issues/6641
1,771,224,942
I_kwDOIPDwls5pkr9u
6,641
是否有fine tuning LLAMA预训练模型功能
{ "login": "guijuzhejiang", "id": 57936895, "node_id": "MDQ6VXNlcjU3OTM2ODk1", "avatar_url": "https://avatars.githubusercontent.com/u/57936895?v=4", "gravatar_id": "", "url": "https://api.github.com/users/guijuzhejiang", "html_url": "https://github.com/guijuzhejiang", "followers_url": "https://api.github.com/users/guijuzhejiang/followers", "following_url": "https://api.github.com/users/guijuzhejiang/following{/other_user}", "gists_url": "https://api.github.com/users/guijuzhejiang/gists{/gist_id}", "starred_url": "https://api.github.com/users/guijuzhejiang/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/guijuzhejiang/subscriptions", "organizations_url": "https://api.github.com/users/guijuzhejiang/orgs", "repos_url": "https://api.github.com/users/guijuzhejiang/repos", "events_url": "https://api.github.com/users/guijuzhejiang/events{/privacy}", "received_events_url": "https://api.github.com/users/guijuzhejiang/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-23T10:34:28
2023-09-29T16:05:43
2023-09-29T16:05:42
NONE
null
因为LLAMA没有中文数据,想用中文数据fine tuning LLAMA模型,请问langchain有这个功能吗?
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6641/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6641/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6640
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6640/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6640/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6640/events
https://github.com/langchain-ai/langchain/issues/6640
1,771,222,506
I_kwDOIPDwls5pkrXq
6,640
sql_db_list_tables returning different order each time making caching impossible
{ "login": "phihung", "id": 5902432, "node_id": "MDQ6VXNlcjU5MDI0MzI=", "avatar_url": "https://avatars.githubusercontent.com/u/5902432?v=4", "gravatar_id": "", "url": "https://api.github.com/users/phihung", "html_url": "https://github.com/phihung", "followers_url": "https://api.github.com/users/phihung/followers", "following_url": "https://api.github.com/users/phihung/following{/other_user}", "gists_url": "https://api.github.com/users/phihung/gists{/gist_id}", "starred_url": "https://api.github.com/users/phihung/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/phihung/subscriptions", "organizations_url": "https://api.github.com/users/phihung/orgs", "repos_url": "https://api.github.com/users/phihung/repos", "events_url": "https://api.github.com/users/phihung/events{/privacy}", "received_events_url": "https://api.github.com/users/phihung/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-23T10:32:43
2023-09-30T16:05:48
2023-09-30T16:05:47
NONE
null
### System Info langchain==0.0.207 ### Who can help? _No response_ ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [X] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction ```python from langchain.sql_database import SQLDatabase db = SQLDatabase.from_uri("sqlite:///sample.db",) db.get_usable_table_names() # Change table names order each time the application is retarted ``` Current implementation ```python class SQLDatabase: def get_usable_table_names(self) -> Iterable[str]: if self._include_tables: return self._include_tables return self._all_tables - self._ignore_tables # THIS IS A SET class ListSQLDatabaseTool(BaseSQLDatabaseTool, BaseTool): def _run(self, tool_input: str = "", ...) -> str: return ", ".join(self.db.get_usable_table_names()) # ORDER CHANGES EACH RUN ``` ### Expected behavior ```python class ListSQLDatabaseTool(BaseSQLDatabaseTool, BaseTool): def _run(self, tool_input: str = "", ...) -> str: return ", ".join(sorted(self.db.get_usable_table_names())) ```
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6640/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6640/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6639
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6639/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6639/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6639/events
https://github.com/langchain-ai/langchain/issues/6639
1,771,205,138
I_kwDOIPDwls5pknIS
6,639
Issue: Set doc_content_chars_max with WikipediaLoader
{ "login": "eLafo", "id": 93491, "node_id": "MDQ6VXNlcjkzNDkx", "avatar_url": "https://avatars.githubusercontent.com/u/93491?v=4", "gravatar_id": "", "url": "https://api.github.com/users/eLafo", "html_url": "https://github.com/eLafo", "followers_url": "https://api.github.com/users/eLafo/followers", "following_url": "https://api.github.com/users/eLafo/following{/other_user}", "gists_url": "https://api.github.com/users/eLafo/gists{/gist_id}", "starred_url": "https://api.github.com/users/eLafo/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/eLafo/subscriptions", "organizations_url": "https://api.github.com/users/eLafo/orgs", "repos_url": "https://api.github.com/users/eLafo/repos", "events_url": "https://api.github.com/users/eLafo/events{/privacy}", "received_events_url": "https://api.github.com/users/eLafo/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-23T10:20:04
2023-10-30T09:11:52
2023-09-29T16:05:53
CONTRIBUTOR
null
### Issue you'd like to raise. In order to read all the text of wikipedia page, we would need to allow overriding the hard limit of 4000 characters set in `WikipediaAPIWrapper` ### Suggestion: Just add a new argument to `WikipediaLoader` named `doc_content_chars_max` (the very same name that uses `WikipediaAPIWrapper` under the hood and use it when instancing the client.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6639/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6639/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6638
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6638/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6638/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6638/events
https://github.com/langchain-ai/langchain/issues/6638
1,771,189,299
I_kwDOIPDwls5pkjQz
6,638
how to pass additional variables using kwargs to CustomLLM
{ "login": "shrinath-suresh", "id": 63862647, "node_id": "MDQ6VXNlcjYzODYyNjQ3", "avatar_url": "https://avatars.githubusercontent.com/u/63862647?v=4", "gravatar_id": "", "url": "https://api.github.com/users/shrinath-suresh", "html_url": "https://github.com/shrinath-suresh", "followers_url": "https://api.github.com/users/shrinath-suresh/followers", "following_url": "https://api.github.com/users/shrinath-suresh/following{/other_user}", "gists_url": "https://api.github.com/users/shrinath-suresh/gists{/gist_id}", "starred_url": "https://api.github.com/users/shrinath-suresh/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/shrinath-suresh/subscriptions", "organizations_url": "https://api.github.com/users/shrinath-suresh/orgs", "repos_url": "https://api.github.com/users/shrinath-suresh/repos", "events_url": "https://api.github.com/users/shrinath-suresh/events{/privacy}", "received_events_url": "https://api.github.com/users/shrinath-suresh/received_events", "type": "User", "site_admin": false }
[ { "id": 5680700848, "node_id": "LA_kwDOIPDwls8AAAABUpidsA", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:question", "name": "auto:question", "color": "BFD4F2", "default": false, "description": "A specific question about the codebase, product, project, or how to use a feature" }, { "id": 5820539098, "node_id": "LA_kwDOIPDwls8AAAABWu5g2g", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/area:%20models", "name": "area: models", "color": "bfdadc", "default": false, "description": "Related to LLMs or chat model modules" } ]
open
false
null
[]
null
4
2023-06-23T10:09:31
2023-10-04T14:38:03
null
NONE
null
### System Info langchain - 0.0.198 platform - ubuntu python - 3.10.11 ### Who can help? @hwchase17 @agola11 ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [X] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction Objective is to pass additional variables to `_call` method in CustomLLM. Colab Link - https://colab.research.google.com/drive/19VSmSEBq5D0MDXQ3CF0rrmOdGjdaELUj?usp=sharing Sample code: ``` from langchain import PromptTemplate, LLMChain from langchain.llms.base import LLM from transformers import AutoModelForCausalLM from transformers import AutoTokenizer model_name = "facebook/opt-350m" model = AutoModelForCausalLM.from_pretrained(model_name) tokenizer = AutoTokenizer.from_pretrained(model_name) class CustomLLM(LLM): def _call(self, prompt, stop=None, **kwargs) -> str: print("Kwargs: ", kwargs) inputs = tokenizer([prompt], return_tensors="pt") response = model.generate(**inputs, max_new_tokens=128) response = tokenizer.decode(response[0]) return response @property def _identifying_params(self): return {"name_of_model": model_name} @property def _llm_type(self) -> str: return "custom" llm = CustomLLM() prompt_template = "Answer the question - {question}" prompt = PromptTemplate(template=prompt_template, input_variables=["question"]) llm_chain = LLMChain(prompt=prompt, llm=llm) ``` ### Expected behavior ### Scenario1 passing additional parameter `foo=123` ``` result = llm_chain.run({"question":"What is the weather in LA and SF"}, foo=123) ``` Following error is thrown ``` ValueError: `run` supported with either positional arguments or keyword arguments but not both. Got args: ({'question': 'What is the weather in LA and SF'},) and kwargs: {'foo': 123}. ``` ### Scenario2 if we pass it as a dictionary - `{'foo': 123}` ``` result = llm_chain.run({"question":"What is the weather in LA and SF"}, {"foo":123}) ``` Following error is thrown ``` ValueError: `run` supports only one positional argument. ``` ### Scenario3 if we pass everything together ``` result = llm_chain.run({"question":"What is the weather in LA and SF", "foo":123}) ``` The code works, but the kwargs in CustomLLM - `_call` is still empty. i guess, the chain is safely ignoring the variables which are not part of prompt template. Is there any way to pass the additional parameter to the kwargs of CustomLLM - `_call` method without changing the prompt template?
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6638/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6638/timeline
null
null
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6637
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6637/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6637/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6637/events
https://github.com/langchain-ai/langchain/issues/6637
1,771,161,521
I_kwDOIPDwls5pkcex
6,637
STRUCTURED_CHAT_ZERO_SHOT_REACT_DESCRIPTION finishes chain BEFORE using a tool
{ "login": "FerAtTheFringe", "id": 109070512, "node_id": "U_kgDOBoBIsA", "avatar_url": "https://avatars.githubusercontent.com/u/109070512?v=4", "gravatar_id": "", "url": "https://api.github.com/users/FerAtTheFringe", "html_url": "https://github.com/FerAtTheFringe", "followers_url": "https://api.github.com/users/FerAtTheFringe/followers", "following_url": "https://api.github.com/users/FerAtTheFringe/following{/other_user}", "gists_url": "https://api.github.com/users/FerAtTheFringe/gists{/gist_id}", "starred_url": "https://api.github.com/users/FerAtTheFringe/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/FerAtTheFringe/subscriptions", "organizations_url": "https://api.github.com/users/FerAtTheFringe/orgs", "repos_url": "https://api.github.com/users/FerAtTheFringe/repos", "events_url": "https://api.github.com/users/FerAtTheFringe/events{/privacy}", "received_events_url": "https://api.github.com/users/FerAtTheFringe/received_events", "type": "User", "site_admin": false }
[ { "id": 4899412369, "node_id": "LA_kwDOIPDwls8AAAABJAcZkQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/area:%20agent", "name": "area: agent", "color": "BFD4F2", "default": false, "description": "Related to agents module" }, { "id": 5680700839, "node_id": "LA_kwDOIPDwls8AAAABUpidpw", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:bug", "name": "auto:bug", "color": "E99695", "default": false, "description": "Related to a bug, vulnerability, unexpected error with an existing feature" } ]
open
false
null
[]
null
14
2023-06-23T09:50:41
2023-11-22T03:42:06
null
NONE
null
### System Info I've recently changed to use this agent since I started getting errors with `chat-conversational-react-description` (about it not being able to use multi-input tools). I've noticed that it often finishes a chain telling the user that it'll make a search/use a tool but it never does (because the chain is already finished). ### Who can help? @hwchase17 @agola11 ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [X] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [X] Agents / Agent Executors - [X] Tools / Toolkits - [X] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction This is how the agent is set up ```python from langchain.chat_models import ChatOpenAI from langchain.chains.conversation.memory import ConversationBufferWindowMemory from langchain.agents import AgentType, initialize_agent from agent_tools.comparables_tool import ComparablesTool # from agent_tools.duck_search_tool import duck_search from langchain.prompts import SystemMessagePromptTemplate, PromptTemplate from agent_tools.python_repl_tool import PythonREPL from token_counter import get_token_count from langchain.prompts import MessagesPlaceholder from langchain.memory import ConversationBufferMemory tools = [PythonREPL(), ComparablesTool()] chat_history = MessagesPlaceholder(variable_name="chat_history") memory = ConversationBufferMemory( memory_key="chat_history", return_messages=True) gpt = ChatOpenAI( temperature=0.2, model_name='gpt-3.5-turbo-16k', verbose=True ) conversational_agent = initialize_agent( agent=AgentType.STRUCTURED_CHAT_ZERO_SHOT_REACT_DESCRIPTION, tools=tools, llm=gpt, verbose=True, max_iterations=10, memory=memory, agent_kwargs={ "memory_prompts": [chat_history], "input_variables": ["input", "agent_scratchpad", "chat_history"] } ) async def get_response(user_message: str) -> str: return await conversational_agent.arun(user_message) ``` And this is what's on the terminal: ```python FerAtTheFringe#1080 said: "Hey I need to find apartments in madrid with at least 3 rooms" (general) ←[1m> Entering new chain...←[0m ←[32;1m←[1;3mSure! I can help you find apartments in Madrid with at least 3 rooms. Let me search for some options for you.←[0m ←[1m> Finished chain.←[0m ``` ### Expected behavior ```python FerAtTheFringe#1080 said: "Hey I need to find apartments in madrid with at least 3 rooms" (general) ←[1m> Entering new chain...←[0m ←[32;1m←[1;3m "action": "get_comparables", "action_input": { "latitude": "38.9921979", "longitude": "-1.878099", "rooms": "5", "nresults": "10" } ```
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6637/reactions", "total_count": 6, "+1": 6, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6637/timeline
null
null
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6636
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6636/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6636/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6636/events
https://github.com/langchain-ai/langchain/issues/6636
1,771,057,110
I_kwDOIPDwls5pkC_W
6,636
'ConversationSummaryMemory' has no attribute 'from_messages'
{ "login": "jbkoh", "id": 1572627, "node_id": "MDQ6VXNlcjE1NzI2Mjc=", "avatar_url": "https://avatars.githubusercontent.com/u/1572627?v=4", "gravatar_id": "", "url": "https://api.github.com/users/jbkoh", "html_url": "https://github.com/jbkoh", "followers_url": "https://api.github.com/users/jbkoh/followers", "following_url": "https://api.github.com/users/jbkoh/following{/other_user}", "gists_url": "https://api.github.com/users/jbkoh/gists{/gist_id}", "starred_url": "https://api.github.com/users/jbkoh/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/jbkoh/subscriptions", "organizations_url": "https://api.github.com/users/jbkoh/orgs", "repos_url": "https://api.github.com/users/jbkoh/repos", "events_url": "https://api.github.com/users/jbkoh/events{/privacy}", "received_events_url": "https://api.github.com/users/jbkoh/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-23T08:37:14
2023-09-29T16:05:58
2023-09-29T16:05:57
CONTRIBUTOR
null
### System Info Ubuntu 20.04 Python 3.10 langchain 0.0.166 ### Who can help? @hwchase17 @agola11 ### Information - [X] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [X] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction This code is retrieved from the official website https://python.langchain.com/docs/modules/memory/how_to/summary#initializing-with-messages ```python from langchain.memory import ConversationSummaryMemory, ChatMessageHistory from langchain.llms import OpenAI from dotenv import load_dotenv load_dotenv() history = ChatMessageHistory() history.add_user_message("hi") history.add_ai_message("hi there!") memory = ConversationSummaryMemory.from_messages(llm=OpenAI(temperature=0), chat_memory=history, return_messages=True) ``` The above code will throw out an exception ``` AttributeError: type object 'ConversationSummaryMemory' has no attribute 'from_messages' ``` I guess the class method has been deprecated? ### Expected behavior It passes.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6636/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6636/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6635
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6635/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6635/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6635/events
https://github.com/langchain-ai/langchain/issues/6635
1,771,023,299
I_kwDOIPDwls5pj6vD
6,635
ValidationError: 1 validation error for ConversationalRetrievalChain chain_type_kwargs extra fields not permitted (type=value_error.extra)
{ "login": "levalencia", "id": 6962857, "node_id": "MDQ6VXNlcjY5NjI4NTc=", "avatar_url": "https://avatars.githubusercontent.com/u/6962857?v=4", "gravatar_id": "", "url": "https://api.github.com/users/levalencia", "html_url": "https://github.com/levalencia", "followers_url": "https://api.github.com/users/levalencia/followers", "following_url": "https://api.github.com/users/levalencia/following{/other_user}", "gists_url": "https://api.github.com/users/levalencia/gists{/gist_id}", "starred_url": "https://api.github.com/users/levalencia/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/levalencia/subscriptions", "organizations_url": "https://api.github.com/users/levalencia/orgs", "repos_url": "https://api.github.com/users/levalencia/repos", "events_url": "https://api.github.com/users/levalencia/events{/privacy}", "received_events_url": "https://api.github.com/users/levalencia/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
11
2023-06-23T08:13:12
2023-11-03T04:33:18
2023-07-14T05:54:55
CONTRIBUTOR
null
### System Info langchain 0.0.206 python 3.11.3 ### Who can help? _No response_ ### Information - [ ] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [X] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction Code ``` tfretriever = TFIDFRetriever.from_texts( ["My name is Luis Valencia", "I am 70 years old", "I like gardening, baking and hockey"]) template = """ Use the following context (delimited by <ctx></ctx>) and the chat history (delimited by <hs></hs>) to answer the question: ------ <ctx> {context} </ctx> ------ <hs> {chat_history} </hs> ------ {question} Answer: """ prompt = PromptTemplate( input_variables=["chat_history", "context", "question"], template=template, ) st.session_state['chain'] = chain = ConversationalRetrievalChain.from_llm(llm, vectordb.as_retriever(), memory=memory, chain_type_kwargs={ "verbose": True, "prompt": prompt, "memory": ConversationBufferMemory( memory_key="chat_history", input_key="question"), }) ``` Error: ValidationError: 1 validation error for ConversationalRetrievalChain chain_type_kwargs extra fields not permitted (type=value_error.extra) ### Expected behavior I should be able to provide custom context to my conversational retrieval chain, without custom prompt it works and gets good answers from vector db, but I cant use custom prompts
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6635/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6635/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6634
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6634/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6634/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6634/events
https://github.com/langchain-ai/langchain/pull/6634
1,770,965,108
PR_kwDOIPDwls5TuOG7
6,634
PowerBI: catch outdated token
{ "login": "eavanvalkenburg", "id": 13749212, "node_id": "MDQ6VXNlcjEzNzQ5MjEy", "avatar_url": "https://avatars.githubusercontent.com/u/13749212?v=4", "gravatar_id": "", "url": "https://api.github.com/users/eavanvalkenburg", "html_url": "https://github.com/eavanvalkenburg", "followers_url": "https://api.github.com/users/eavanvalkenburg/followers", "following_url": "https://api.github.com/users/eavanvalkenburg/following{/other_user}", "gists_url": "https://api.github.com/users/eavanvalkenburg/gists{/gist_id}", "starred_url": "https://api.github.com/users/eavanvalkenburg/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/eavanvalkenburg/subscriptions", "organizations_url": "https://api.github.com/users/eavanvalkenburg/orgs", "repos_url": "https://api.github.com/users/eavanvalkenburg/repos", "events_url": "https://api.github.com/users/eavanvalkenburg/events{/privacy}", "received_events_url": "https://api.github.com/users/eavanvalkenburg/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-23T07:28:00
2023-06-23T22:01:09
2023-06-23T22:01:09
CONTRIBUTOR
null
<!-- Thank you for contributing to LangChain! Replace this comment with: - Description: a description of the change, - Issue: the issue # it fixes (if applicable), - Dependencies: any dependencies required for this change, - Tag maintainer: for a quicker response, tag the relevant maintainer (see below), - Twitter handle: we announce bigger features on Twitter. If your PR gets announced and you'd like a mention, we'll gladly shout you out! If you're adding a new integration, please include: 1. a test for the integration, preferably unit tests that do not rely on network access, 2. an example notebook showing its use. Maintainer responsibilities: - General / Misc / if you don't know who to tag: @dev2049 - DataLoaders / VectorStores / Retrievers: @rlancemartin, @eyurtsev - Models / Prompts: @hwchase17, @dev2049 - Memory: @hwchase17 - Agents / Tools / Toolkits: @vowelparrot - Tracing / Callbacks: @agola11 - Async: @agola11 If no one reviews your PR within a few days, feel free to @-mention the same people again. See contribution guidelines for more information on how to write/run tests, lint, etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md --> This adds just a small tweak to catch the error that says the token is expired rather then retrying.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6634/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6634/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6634", "html_url": "https://github.com/langchain-ai/langchain/pull/6634", "diff_url": "https://github.com/langchain-ai/langchain/pull/6634.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6634.patch", "merged_at": "2023-06-23T22:01:09" }
https://api.github.com/repos/langchain-ai/langchain/issues/6631
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6631/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6631/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6631/events
https://github.com/langchain-ai/langchain/issues/6631
1,770,856,353
I_kwDOIPDwls5pjR-h
6,631
Github issues instead of Github repo?
{ "login": "StefanENC", "id": 57289608, "node_id": "MDQ6VXNlcjU3Mjg5NjA4", "avatar_url": "https://avatars.githubusercontent.com/u/57289608?v=4", "gravatar_id": "", "url": "https://api.github.com/users/StefanENC", "html_url": "https://github.com/StefanENC", "followers_url": "https://api.github.com/users/StefanENC/followers", "following_url": "https://api.github.com/users/StefanENC/following{/other_user}", "gists_url": "https://api.github.com/users/StefanENC/gists{/gist_id}", "starred_url": "https://api.github.com/users/StefanENC/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/StefanENC/subscriptions", "organizations_url": "https://api.github.com/users/StefanENC/orgs", "repos_url": "https://api.github.com/users/StefanENC/repos", "events_url": "https://api.github.com/users/StefanENC/events{/privacy}", "received_events_url": "https://api.github.com/users/StefanENC/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-23T06:21:35
2023-09-29T16:06:04
2023-09-29T16:06:03
NONE
null
### Feature request Why does the langchain js version have a github repo document loader and this one can only load github issues? ### Motivation - ### Your contribution -
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6631/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6631/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6630
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6630/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6630/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6630/events
https://github.com/langchain-ai/langchain/issues/6630
1,770,853,281
I_kwDOIPDwls5pjROh
6,630
Can't use arun acall, no return and can't stop
{ "login": "foxone9", "id": 115121349, "node_id": "U_kgDOBtycxQ", "avatar_url": "https://avatars.githubusercontent.com/u/115121349?v=4", "gravatar_id": "", "url": "https://api.github.com/users/foxone9", "html_url": "https://github.com/foxone9", "followers_url": "https://api.github.com/users/foxone9/followers", "following_url": "https://api.github.com/users/foxone9/following{/other_user}", "gists_url": "https://api.github.com/users/foxone9/gists{/gist_id}", "starred_url": "https://api.github.com/users/foxone9/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/foxone9/subscriptions", "organizations_url": "https://api.github.com/users/foxone9/orgs", "repos_url": "https://api.github.com/users/foxone9/repos", "events_url": "https://api.github.com/users/foxone9/events{/privacy}", "received_events_url": "https://api.github.com/users/foxone9/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-23T06:18:54
2023-09-29T16:06:09
2023-09-29T16:06:08
NONE
null
### System Info langchain-0.0.209 ### Who can help? @hwchase17 ### Information - [ ] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [X] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [X] Chains - [ ] Callbacks/Tracing - [X] Async ### Reproduction `import asyncio from langchain.llms import OpenAI from langchain.prompts import PromptTemplate from langchain.chains import LLMChain async def async_generate(chain): resp = await chain.arun(product="toothpaste") print(resp) async def generate_concurrently(): llm = OpenAI(temperature=0.9) prompt = PromptTemplate( input_variables=["product"], template="What is a good name for a company that makes {product}?", ) chain = LLMChain(llm=llm, prompt=prompt) tasks = [async_generate(chain) for _ in range(3)] await asyncio.gather(*tasks) asyncio.run(generate_concurrently())` no error and no answer until timeout Retrying langchain.llms.openai.acompletion_with_retry.<locals>._completion_with_retry in 4.0 seconds... I know this message mean it is working but no retrun and can't stop and the same problem in Jupyter, code like this my code in Jupyter `import asyncio from langchain.llms import OpenAI from langchain.prompts import PromptTemplate from langchain.chains import LLMChain async def async_generate(chain): resp = await chain.arun(product="toothpaste") print(resp) async def generate_concurrently(): llm = OpenAI(temperature=0.9) prompt = PromptTemplate( input_variables=["product"], template="What is a good name for a company that makes {product}?", ) chain = LLMChain(llm=llm, prompt=prompt) tasks = [async_generate(chain) for _ in range(3)] await asyncio.gather(*tasks) await generate_concurrently()` ### Expected behavior no error and no answer until timeout Retrying langchain.llms.openai.acompletion_with_retry.<locals>._completion_with_retry in 4.0 seconds... I know this message mean it is working but no retrun and can't stop and the same problem in Jupyter
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6630/reactions", "total_count": 2, "+1": 2, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6630/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6629
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6629/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6629/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6629/events
https://github.com/langchain-ai/langchain/pull/6629
1,770,776,581
PR_kwDOIPDwls5TtpRj
6,629
Update to RunOnDataset helper functions to accept evaluator callbacks
{ "login": "vowelparrot", "id": 130414180, "node_id": "U_kgDOB8X2ZA", "avatar_url": "https://avatars.githubusercontent.com/u/130414180?v=4", "gravatar_id": "", "url": "https://api.github.com/users/vowelparrot", "html_url": "https://github.com/vowelparrot", "followers_url": "https://api.github.com/users/vowelparrot/followers", "following_url": "https://api.github.com/users/vowelparrot/following{/other_user}", "gists_url": "https://api.github.com/users/vowelparrot/gists{/gist_id}", "starred_url": "https://api.github.com/users/vowelparrot/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/vowelparrot/subscriptions", "organizations_url": "https://api.github.com/users/vowelparrot/orgs", "repos_url": "https://api.github.com/users/vowelparrot/repos", "events_url": "https://api.github.com/users/vowelparrot/events{/privacy}", "received_events_url": "https://api.github.com/users/vowelparrot/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-23T04:58:01
2023-06-27T06:58:14
2023-06-27T06:58:13
CONTRIBUTOR
null
Also improve docstrings and update the tracing datasets notebook to focus on "debug, evaluate, monitor"
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6629/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6629/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6629", "html_url": "https://github.com/langchain-ai/langchain/pull/6629", "diff_url": "https://github.com/langchain-ai/langchain/pull/6629.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6629.patch", "merged_at": "2023-06-27T06:58:13" }
https://api.github.com/repos/langchain-ai/langchain/issues/6628
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6628/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6628/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6628/events
https://github.com/langchain-ai/langchain/issues/6628
1,770,741,393
I_kwDOIPDwls5pi16R
6,628
Issue: How to print the complete prompt that chain used
{ "login": "LeiSanity", "id": 100346263, "node_id": "U_kgDOBfsplw", "avatar_url": "https://avatars.githubusercontent.com/u/100346263?v=4", "gravatar_id": "", "url": "https://api.github.com/users/LeiSanity", "html_url": "https://github.com/LeiSanity", "followers_url": "https://api.github.com/users/LeiSanity/followers", "following_url": "https://api.github.com/users/LeiSanity/following{/other_user}", "gists_url": "https://api.github.com/users/LeiSanity/gists{/gist_id}", "starred_url": "https://api.github.com/users/LeiSanity/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/LeiSanity/subscriptions", "organizations_url": "https://api.github.com/users/LeiSanity/orgs", "repos_url": "https://api.github.com/users/LeiSanity/repos", "events_url": "https://api.github.com/users/LeiSanity/events{/privacy}", "received_events_url": "https://api.github.com/users/LeiSanity/received_events", "type": "User", "site_admin": false }
[ { "id": 5680700848, "node_id": "LA_kwDOIPDwls8AAAABUpidsA", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:question", "name": "auto:question", "color": "BFD4F2", "default": false, "description": "A specific question about the codebase, product, project, or how to use a feature" }, { "id": 5820539098, "node_id": "LA_kwDOIPDwls8AAAABWu5g2g", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/area:%20models", "name": "area: models", "color": "bfdadc", "default": false, "description": "Related to LLMs or chat model modules" } ]
open
false
null
[]
null
6
2023-06-23T04:03:35
2023-11-16T13:33:39
null
NONE
null
### Issue you'd like to raise. qa = ConversationalRetrievalChain.from_llm(AzureChatOpenAI(deployment_name="gpt-35-turbo"), db.as_retriever(), memory=memory) print(qa.combine_docs_chain.llm_chain.prompt) ChatPromptTemplate(input_variables=['question', 'context'], output_parser=None, partial_variables={}, messages=[SystemMessagePromptTemplate(prompt=PromptTemplate(input_variables=['context'], output_parser=None, partial_variables={}, template="Use the following pieces of context to answer the users question. \nIf you don't know the answer, just say that you don't know, don't try to make up an answer.\n----------------\n{context}", template_format='f-string', validate_template=True), additional_kwargs={}), HumanMessagePromptTemplate(prompt=PromptTemplate(input_variables=['question'], output_parser=None, partial_variables={}, template='{question}', template_format='f-string', validate_template=True), additional_kwargs={})]) How can I get the complete prompt includes questions and context? ### Suggestion: _No response_
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6628/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6628/timeline
null
null
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6627
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6627/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6627/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6627/events
https://github.com/langchain-ai/langchain/issues/6627
1,770,729,226
I_kwDOIPDwls5piy8K
6,627
Critical Vulnerability Blocking Deployment
{ "login": "lppier", "id": 1635202, "node_id": "MDQ6VXNlcjE2MzUyMDI=", "avatar_url": "https://avatars.githubusercontent.com/u/1635202?v=4", "gravatar_id": "", "url": "https://api.github.com/users/lppier", "html_url": "https://github.com/lppier", "followers_url": "https://api.github.com/users/lppier/followers", "following_url": "https://api.github.com/users/lppier/following{/other_user}", "gists_url": "https://api.github.com/users/lppier/gists{/gist_id}", "starred_url": "https://api.github.com/users/lppier/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/lppier/subscriptions", "organizations_url": "https://api.github.com/users/lppier/orgs", "repos_url": "https://api.github.com/users/lppier/repos", "events_url": "https://api.github.com/users/lppier/events{/privacy}", "received_events_url": "https://api.github.com/users/lppier/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
10
2023-06-23T03:47:23
2023-08-28T21:35:45
2023-08-28T21:35:45
NONE
null
### System Info Langchain 0.0.209, Python 3.8.17 https://security.snyk.io/vuln/SNYK-PYTHON-LANGCHAIN-5725807 Hi, we are deploying an app in our environment to production with langchain as one of the packages. Today, on Snyk this critical vulnerability showed up, and as a result we're blocked from deploying as Snyk flagged this out as critical. Are there any plans to fix this soon? Thank you very much. <img width="1383" alt="image" src="https://github.com/hwchase17/langchain/assets/1635202/81aa2179-7c10-4f3c-9fa4-11042f43a9be"> ### Who can help? @hwchase17 @dev2049 @vowelparrot @bborn @Jflick58 @duckdoom4 @verm _No response_ ### Information - [ ] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction My requirements.txt # # This file is autogenerated by pip-compile with Python # by the following command: # # pip-compile --allow-unsafe --output-file=requirements.txt --resolver=backtracking requirements.in # aioboto3==11.2.0 # via python-commons aiobotocore[boto3]==2.5.0 # via aioboto3 aiohttp==3.8.4 # via # aiobotocore # langchain # openai aioitertools==0.11.0 # via aiobotocore aiosignal==1.3.1 # via aiohttp alembic==1.10.4 # via -r requirements.in anyio==3.7.0 # via # httpcore # starlette # watchfiles async-timeout==4.0.2 # via # aiohttp # langchain asyncpg==0.27.0 # via -r requirements.in attrs==23.1.0 # via # aiohttp # pytest boto3==1.26.76 # via aiobotocore botocore==1.29.76 # via # aiobotocore # boto3 # s3transfer certifi==2023.5.7 # via # httpcore # httpx # python-commons # requests cffi==1.15.1 # via cryptography charset-normalizer==3.1.0 # via # aiohttp # python-commons # requests click==8.1.3 # via uvicorn coverage==7.2.7 # via pytest-cov cryptography==41.0.1 # via # pyopenssl # python-commons dataclasses-json==0.5.8 # via langchain dnspython==2.3.0 # via email-validator email-validator==1.3.1 # via -r requirements.in exceptiongroup==1.1.1 # via anyio fastapi==0.95.2 # via -r requirements.in frozenlist==1.3.3 # via # aiohttp # aiosignal greenlet==2.0.2 # via sqlalchemy gunicorn==20.1.0 # via python-commons h11==0.14.0 # via # httpcore # uvicorn httpcore==0.17.2 # via httpx httptools==0.5.0 # via uvicorn httpx==0.24.1 # via python-commons idna==3.4 # via # anyio # email-validator # httpx # requests # yarl iniconfig==2.0.0 # via pytest jmespath==1.0.1 # via # boto3 # botocore langchain==0.0.209 # via -r requirements.in langchainplus-sdk==0.0.16 # via langchain loguru==0.7.0 # via python-commons mako==1.2.4 # via alembic markdown-it-py==3.0.0 # via rich markupsafe==2.1.3 # via mako marshmallow==3.19.0 # via # dataclasses-json # marshmallow-enum marshmallow-enum==1.5.1 # via dataclasses-json mdurl==0.1.2 # via markdown-it-py multidict==6.0.4 # via # aiohttp # yarl mypy-extensions==1.0.0 # via typing-inspect numexpr==2.8.4 # via langchain numpy==1.24.3 # via # -r requirements.in # langchain # numexpr openai==0.27.8 # via -r requirements.in openapi-schema-pydantic==1.2.4 # via langchain packaging==23.1 # via # marshmallow # pytest pluggy==1.2.0 # via pytest py==1.11.0 # via pytest pycparser==2.21 # via cffi pydantic==1.10.9 # via # fastapi # langchain # langchainplus-sdk # openapi-schema-pydantic # python-commons pygments==2.15.1 # via rich pyopenssl==23.2.0 # via python-commons pytest==6.2.5 # via # -r requirements.in # pytest-asyncio # pytest-cov # pytest-mock pytest-asyncio==0.18.3 # via -r requirements.in pytest-cov==2.12.1 # via -r requirements.in pytest-mock==3.6.1 # via -r requirements.in python-commons @ ## masked internal repo ## # via -r requirements.in python-dateutil==2.8.2 # via botocore python-dotenv==1.0.0 # via # -r requirements.in # uvicorn pyyaml==6.0 # via # langchain # uvicorn regex==2023.6.3 # via tiktoken requests==2.31.0 # via # langchain # langchainplus-sdk # openai # tiktoken rich==13.4.2 # via python-commons s3transfer==0.6.1 # via boto3 six==1.16.0 # via python-dateutil sniffio==1.3.0 # via # anyio # httpcore # httpx sqlalchemy[asyncio]==2.0.16 # via # -r requirements.in # alembic # langchain sse-starlette==1.6.1 # via -r requirements.in starlette==0.27.0 # via # fastapi # python-commons # sse-starlette tenacity==8.2.2 # via # langchain # langchainplus-sdk tiktoken==0.4.0 # via -r requirements.in toml==0.10.2 # via # pytest # pytest-cov tqdm==4.65.0 # via openai typing-extensions==4.6.3 # via # aioitertools # alembic # pydantic # sqlalchemy # starlette # typing-inspect typing-inspect==0.9.0 # via dataclasses-json urllib3==1.26.16 # via # botocore # python-commons # requests uvicorn[standard]==0.21.1 # via # -r requirements.in # python-commons uvloop==0.17.0 # via uvicorn watchfiles==0.19.0 # via uvicorn websockets==11.0.3 # via uvicorn wrapt==1.15.0 # via aiobotocore yarl==1.9.2 # via aiohttp # The following packages are considered to be unsafe in a requirements file: setuptools==68.0.0 # via # gunicorn # python-commons ### Expected behavior Critical vulnerability would have to be fixed for us to deploy, thanks.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6627/reactions", "total_count": 6, "+1": 6, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6627/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6626
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6626/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6626/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6626/events
https://github.com/langchain-ai/langchain/pull/6626
1,770,721,710
PR_kwDOIPDwls5Ttdoy
6,626
docstrings: top-level 1
{ "login": "leo-gan", "id": 2256422, "node_id": "MDQ6VXNlcjIyNTY0MjI=", "avatar_url": "https://avatars.githubusercontent.com/u/2256422?v=4", "gravatar_id": "", "url": "https://api.github.com/users/leo-gan", "html_url": "https://github.com/leo-gan", "followers_url": "https://api.github.com/users/leo-gan/followers", "following_url": "https://api.github.com/users/leo-gan/following{/other_user}", "gists_url": "https://api.github.com/users/leo-gan/gists{/gist_id}", "starred_url": "https://api.github.com/users/leo-gan/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/leo-gan/subscriptions", "organizations_url": "https://api.github.com/users/leo-gan/orgs", "repos_url": "https://api.github.com/users/leo-gan/repos", "events_url": "https://api.github.com/users/leo-gan/events{/privacy}", "received_events_url": "https://api.github.com/users/leo-gan/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-23T03:34:22
2023-07-05T04:33:41
2023-06-23T22:49:45
COLLABORATOR
null
This PR targets the `API Reference` documentation. - Several classes and functions missed `docstrings`. These docstrings were created. - In several places this ``` except ImportError: raise ValueError( ``` was replaced to ``` except ImportError: raise ImportError( ``` @hwchase17 @dev2049 - please review :)
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6626/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6626/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6626", "html_url": "https://github.com/langchain-ai/langchain/pull/6626", "diff_url": "https://github.com/langchain-ai/langchain/pull/6626.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6626.patch", "merged_at": "2023-06-23T22:49:45" }
https://api.github.com/repos/langchain-ai/langchain/issues/6625
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6625/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6625/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6625/events
https://github.com/langchain-ai/langchain/pull/6625
1,770,717,207
PR_kwDOIPDwls5Ttctk
6,625
Fix the markdown rendering issue with a code block inside a markdown code block
{ "login": "yaohui-wyh", "id": 3115235, "node_id": "MDQ6VXNlcjMxMTUyMzU=", "avatar_url": "https://avatars.githubusercontent.com/u/3115235?v=4", "gravatar_id": "", "url": "https://api.github.com/users/yaohui-wyh", "html_url": "https://github.com/yaohui-wyh", "followers_url": "https://api.github.com/users/yaohui-wyh/followers", "following_url": "https://api.github.com/users/yaohui-wyh/following{/other_user}", "gists_url": "https://api.github.com/users/yaohui-wyh/gists{/gist_id}", "starred_url": "https://api.github.com/users/yaohui-wyh/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/yaohui-wyh/subscriptions", "organizations_url": "https://api.github.com/users/yaohui-wyh/orgs", "repos_url": "https://api.github.com/users/yaohui-wyh/repos", "events_url": "https://api.github.com/users/yaohui-wyh/events{/privacy}", "received_events_url": "https://api.github.com/users/yaohui-wyh/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-23T03:27:00
2023-07-12T20:29:26
2023-07-12T20:29:25
CONTRIBUTOR
null
### Description - Fix the markdown rendering issue with a code block inside a markdown, using a different number of backticks for the delimiters. Current doc site: <https://python.langchain.com/docs/modules/data_connection/document_transformers/text_splitters/code_splitter#markdown> After fix: <img width="480" alt="image" src="https://github.com/hwchase17/langchain/assets/3115235/d9921d59-64e6-4a34-9c62-79743667f528"> ### Who can review PTAL @dev2049 <!-- Thank you for contributing to LangChain! Replace this comment with: - Description: a description of the change, - Issue: the issue # it fixes (if applicable), - Dependencies: any dependencies required for this change, - Tag maintainer: for a quicker response, tag the relevant maintainer (see below), - Twitter handle: we announce bigger features on Twitter. If your PR gets announced and you'd like a mention, we'll gladly shout you out! If you're adding a new integration, please include: 1. a test for the integration, preferably unit tests that do not rely on network access, 2. an example notebook showing its use. Maintainer responsibilities: - General / Misc / if you don't know who to tag: @dev2049 - DataLoaders / VectorStores / Retrievers: @rlancemartin, @eyurtsev - Models / Prompts: @hwchase17, @dev2049 - Memory: @hwchase17 - Agents / Tools / Toolkits: @vowelparrot - Tracing / Callbacks: @agola11 - Async: @agola11 If no one reviews your PR within a few days, feel free to @-mention the same people again. See contribution guidelines for more information on how to write/run tests, lint, etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6625/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6625/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6625", "html_url": "https://github.com/langchain-ai/langchain/pull/6625", "diff_url": "https://github.com/langchain-ai/langchain/pull/6625.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6625.patch", "merged_at": "2023-07-12T20:29:25" }
https://api.github.com/repos/langchain-ai/langchain/issues/6624
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6624/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6624/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6624/events
https://github.com/langchain-ai/langchain/issues/6624
1,770,691,161
I_kwDOIPDwls5pippZ
6,624
OpenAIMultiFunctionsAgent KeyError: 'actions' on custom tools
{ "login": "gururise", "id": 4380009, "node_id": "MDQ6VXNlcjQzODAwMDk=", "avatar_url": "https://avatars.githubusercontent.com/u/4380009?v=4", "gravatar_id": "", "url": "https://api.github.com/users/gururise", "html_url": "https://github.com/gururise", "followers_url": "https://api.github.com/users/gururise/followers", "following_url": "https://api.github.com/users/gururise/following{/other_user}", "gists_url": "https://api.github.com/users/gururise/gists{/gist_id}", "starred_url": "https://api.github.com/users/gururise/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/gururise/subscriptions", "organizations_url": "https://api.github.com/users/gururise/orgs", "repos_url": "https://api.github.com/users/gururise/repos", "events_url": "https://api.github.com/users/gururise/events{/privacy}", "received_events_url": "https://api.github.com/users/gururise/received_events", "type": "User", "site_admin": false }
[ { "id": 4899412369, "node_id": "LA_kwDOIPDwls8AAAABJAcZkQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/area:%20agent", "name": "area: agent", "color": "BFD4F2", "default": false, "description": "Related to agents module" }, { "id": 5680700839, "node_id": "LA_kwDOIPDwls8AAAABUpidpw", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:bug", "name": "auto:bug", "color": "E99695", "default": false, "description": "Related to a bug, vulnerability, unexpected error with an existing feature" } ]
open
false
null
[]
null
10
2023-06-23T02:49:01
2023-11-13T23:23:26
null
CONTRIBUTOR
null
### System Info Langchain 0.0.209 The recent commit #6518 provided an OpenAIMultiFunctionsAgent class. This MultiFunctions agent fails often when using Custom Tools that worked fine with the OpenAIFunctionsAgent. ``` File "/home/gene/endpoints/app/routers/query.py", line 44, in query3 result = await agent.acall(inputs={"input":query.query}) File "/home/gene/endpoints/venv/lib/python3.10/site-packages/langchain/chains/base.py", line 215, in acall raise e File "/home/gene/endpoints/venv/lib/python3.10/site-packages/langchain/chains/base.py", line 209, in acall await self._acall(inputs, run_manager=run_manager) File "/home/gene/endpoints/venv/lib/python3.10/site-packages/langchain/agents/agent.py", line 1006, in _acall next_step_output = await self._atake_next_step( File "/home/gene/endpoints/venv/lib/python3.10/site-packages/langchain/agents/agent.py", line 853, in _atake_next_step output = await self.agent.aplan( File "/home/gene/endpoints/venv/lib/python3.10/site-packages/langchain/agents/openai_functions_multi_agent/base.py", line 301, in aplan agent_decision = _parse_ai_message(predicted_message) File "/home/gene/endpoints/venv/lib/python3.10/site-packages/langchain/agents/openai_functions_multi_agent/base.py", line 110, in _parse_ai_message tools = json.loads(function_call["arguments"])["actions"] KeyError: 'actions' ``` **Example tool that FAILS:** ``` from typing import Optional, Type from langchain.tools import BaseTool from pydantic import BaseModel, Field from langchain.callbacks.manager import AsyncCallbackManagerForToolRun, CallbackManagerForToolRun class ProductInput(BaseModel): prod_name: str = Field(description="Product Name or Type of Product") class CustomProductTool(BaseTool): name : str = "price_lookup" description : str = "useful to look up pricing for a specific product or product type and shopping url of products offered by the Company's online website." args_schema: Type[BaseModel] = ProductInput def _run(self, prod_name: str, run_manager: Optional[CallbackManagerForToolRun] = None) -> dict: # custom code here products = {} return products async def _arun(self, prod_name: str, run_manager: Optional[AsyncCallbackManagerForToolRun] = None) -> dict: return self._run(prod_name) ``` **Example tool that WORKS:** ``` from typing import Optional, Type from langchain.tools import BaseTool from ..src.OrderStatus import func_get_order_status, afunc_get_order_status from langchain.callbacks.manager import AsyncCallbackManagerForToolRun, CallbackManagerForToolRun from pydantic import BaseModel, Field class OrderInput(BaseModel): order_num: str = Field(description="order number") class CustomOrderTool(BaseTool): name = "order_status" description = "useful for when you need to look up the shipping status of an order." args_schema: Type[BaseModel] = OrderInput def _run(self, order_num: str, run_manager: Optional[CallbackManagerForToolRun] = None) -> dict: # Your custom logic here return func_get_order_status(order_num) async def _arun(self, order_num: str, run_manager: Optional[AsyncCallbackManagerForToolRun] = None) -> dict: return await afunc_get_order_status(order_num) ``` ### Who can help? @hwchase17 ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [X] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction Instantiate a OpenAIMultiFunctionAgent: `agent = initialize_agent(tools,llm,agent=AgentType.OPENAI_MULTI_FUNCTIONS, verbose=True)` Create a custom tool (example above): ``` tools=[ CustomOrderTool(return_direct=False), CustomQAToolSources(llm=llm,vectorstore=general_vectorstore), CustomProductTool(return_direct=False), CustomEscalateTool(return_direct=False) ] ``` Call agent: ``` result = await agent.acall(inputs={"input":query.query}) ``` ### Expected behavior Tools are very similar to each other, not sure why one would work and the other fails. Might have something to do with the different description lengths? As far as I can tell the structure of the args_schema are the same between the two tools. Both tools work fine on OpenAIFunctionAgent. I expected tools would work on OpenAIMultiFunctionAgent. Instead, **KeyError: 'actions'** results. Somehow the transformation of langchain tools to OpenAI function schema is not working as expected for OpenAIMultiFunctionAgent.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6624/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6624/timeline
null
null
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6623
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6623/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6623/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6623/events
https://github.com/langchain-ai/langchain/pull/6623
1,770,671,932
PR_kwDOIPDwls5TtTRC
6,623
Merge pull request #1 from hwchase17/master
{ "login": "zhangqinghua", "id": 10104054, "node_id": "MDQ6VXNlcjEwMTA0MDU0", "avatar_url": "https://avatars.githubusercontent.com/u/10104054?v=4", "gravatar_id": "", "url": "https://api.github.com/users/zhangqinghua", "html_url": "https://github.com/zhangqinghua", "followers_url": "https://api.github.com/users/zhangqinghua/followers", "following_url": "https://api.github.com/users/zhangqinghua/following{/other_user}", "gists_url": "https://api.github.com/users/zhangqinghua/gists{/gist_id}", "starred_url": "https://api.github.com/users/zhangqinghua/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/zhangqinghua/subscriptions", "organizations_url": "https://api.github.com/users/zhangqinghua/orgs", "repos_url": "https://api.github.com/users/zhangqinghua/repos", "events_url": "https://api.github.com/users/zhangqinghua/events{/privacy}", "received_events_url": "https://api.github.com/users/zhangqinghua/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
4
2023-06-23T02:16:31
2023-06-23T22:50:34
2023-06-23T22:50:34
NONE
null
test <!-- Thank you for contributing to LangChain! Replace this comment with: - Description: a description of the change, - Issue: the issue # it fixes (if applicable), - Dependencies: any dependencies required for this change, - Tag maintainer: for a quicker response, tag the relevant maintainer (see below), - Twitter handle: we announce bigger features on Twitter. If your PR gets announced and you'd like a mention, we'll gladly shout you out! If you're adding a new integration, please include: 1. a test for the integration, preferably unit tests that do not rely on network access, 2. an example notebook showing its use. Maintainer responsibilities: - General / Misc / if you don't know who to tag: @dev2049 - DataLoaders / VectorStores / Retrievers: @rlancemartin, @eyurtsev - Models / Prompts: @hwchase17, @dev2049 - Memory: @hwchase17 - Agents / Tools / Toolkits: @vowelparrot - Tracing / Callbacks: @agola11 - Async: @agola11 If no one reviews your PR within a few days, feel free to @-mention the same people again. See contribution guidelines for more information on how to write/run tests, lint, etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6623/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6623/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6623", "html_url": "https://github.com/langchain-ai/langchain/pull/6623", "diff_url": "https://github.com/langchain-ai/langchain/pull/6623.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6623.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6622
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6622/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6622/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6622/events
https://github.com/langchain-ai/langchain/pull/6622
1,770,604,569
PR_kwDOIPDwls5TtI86
6,622
fix(docs): broken link for OpenLLM
{ "login": "aarnphm", "id": 29749331, "node_id": "MDQ6VXNlcjI5NzQ5MzMx", "avatar_url": "https://avatars.githubusercontent.com/u/29749331?v=4", "gravatar_id": "", "url": "https://api.github.com/users/aarnphm", "html_url": "https://github.com/aarnphm", "followers_url": "https://api.github.com/users/aarnphm/followers", "following_url": "https://api.github.com/users/aarnphm/following{/other_user}", "gists_url": "https://api.github.com/users/aarnphm/gists{/gist_id}", "starred_url": "https://api.github.com/users/aarnphm/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/aarnphm/subscriptions", "organizations_url": "https://api.github.com/users/aarnphm/orgs", "repos_url": "https://api.github.com/users/aarnphm/repos", "events_url": "https://api.github.com/users/aarnphm/events{/privacy}", "received_events_url": "https://api.github.com/users/aarnphm/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
3
2023-06-23T01:27:58
2023-06-24T00:48:33
2023-06-23T20:59:17
CONTRIBUTOR
null
This link for the notebook of OpenLLM is not migrated to the new format Signed-off-by: Aaron <[email protected]> <!-- Thank you for contributing to LangChain! Replace this comment with: - Description: a description of the change, - Issue: the issue # it fixes (if applicable), - Dependencies: any dependencies required for this change, - Tag maintainer: for a quicker response, tag the relevant maintainer (see below), - Twitter handle: we announce bigger features on Twitter. If your PR gets announced and you'd like a mention, we'll gladly shout you out! If you're adding a new integration, please include: 1. a test for the integration, preferably unit tests that do not rely on network access, 2. an example notebook showing its use. Maintainer responsibilities: - General / Misc / if you don't know who to tag: @dev2049 - DataLoaders / VectorStores / Retrievers: @rlancemartin, @eyurtsev - Models / Prompts: @hwchase17, @dev2049 - Memory: @hwchase17 - Agents / Tools / Toolkits: @vowelparrot - Tracing / Callbacks: @agola11 - Async: @agola11 If no one reviews your PR within a few days, feel free to @-mention the same people again. See contribution guidelines for more information on how to write/run tests, lint, etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6622/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6622/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6622", "html_url": "https://github.com/langchain-ai/langchain/pull/6622", "diff_url": "https://github.com/langchain-ai/langchain/pull/6622.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6622.patch", "merged_at": "2023-06-23T20:59:17" }
https://api.github.com/repos/langchain-ai/langchain/issues/6621
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6621/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6621/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6621/events
https://github.com/langchain-ai/langchain/issues/6621
1,770,602,411
I_kwDOIPDwls5piT-r
6,621
Variable or Conditional Toolbox
{ "login": "newsbubbles", "id": 1012779, "node_id": "MDQ6VXNlcjEwMTI3Nzk=", "avatar_url": "https://avatars.githubusercontent.com/u/1012779?v=4", "gravatar_id": "", "url": "https://api.github.com/users/newsbubbles", "html_url": "https://github.com/newsbubbles", "followers_url": "https://api.github.com/users/newsbubbles/followers", "following_url": "https://api.github.com/users/newsbubbles/following{/other_user}", "gists_url": "https://api.github.com/users/newsbubbles/gists{/gist_id}", "starred_url": "https://api.github.com/users/newsbubbles/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/newsbubbles/subscriptions", "organizations_url": "https://api.github.com/users/newsbubbles/orgs", "repos_url": "https://api.github.com/users/newsbubbles/repos", "events_url": "https://api.github.com/users/newsbubbles/events{/privacy}", "received_events_url": "https://api.github.com/users/newsbubbles/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-23T01:26:22
2023-09-29T16:06:14
2023-09-29T16:06:13
NONE
null
### Feature request How can I make a toolset be dependent on some situation? In the examples I have seen so far and from what I have been able to piece together from reading code, awhile ago (you guys work fast)... is there a way to make it so that I can only make certain tools available to an Agent at certain times beyond changing the actual tools stack myself in the Agent? ### Motivation The idea is to keep the agent prompt template as lean as possible. The goal is to be able to do something like leading an agent through a process with varying toolboxes given the step that it is on. I have seen that it is possible using function calling, but is it just possible in any type of Agent? ### Your contribution This is a feature request. I can make a contribution of looking at the code and adding this, but I am not sure if it is already possible or planned seeing as you move fast!
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6621/reactions", "total_count": 1, "+1": 1, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6621/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6620
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6620/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6620/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6620/events
https://github.com/langchain-ai/langchain/issues/6620
1,770,580,833
I_kwDOIPDwls5piOth
6,620
How can I implement a custom LangChain class wrapper (LLM model/Agent) for replit-code-v1-3b model?
{ "login": "smith-co", "id": 102386930, "node_id": "U_kgDOBhpM8g", "avatar_url": "https://avatars.githubusercontent.com/u/102386930?v=4", "gravatar_id": "", "url": "https://api.github.com/users/smith-co", "html_url": "https://github.com/smith-co", "followers_url": "https://api.github.com/users/smith-co/followers", "following_url": "https://api.github.com/users/smith-co/following{/other_user}", "gists_url": "https://api.github.com/users/smith-co/gists{/gist_id}", "starred_url": "https://api.github.com/users/smith-co/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/smith-co/subscriptions", "organizations_url": "https://api.github.com/users/smith-co/orgs", "repos_url": "https://api.github.com/users/smith-co/repos", "events_url": "https://api.github.com/users/smith-co/events{/privacy}", "received_events_url": "https://api.github.com/users/smith-co/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-23T00:59:38
2023-09-29T16:06:18
2023-09-29T16:06:18
NONE
null
### Issue you'd like to raise. Is it possible to integrate [replit-code-v1-3b](https://replicate.com/replit/replit-code-v1-3b) as an [LLM Model](https://python.langchain.com/en/latest/modules/models.html) or an [Agent](https://python.langchain.com/en/latest/modules/agents.html) with [LangChain](https://github.com/hwchase17/langchain), and [chain](https://python.langchain.com/en/latest/modules/chains.html) it in a complex usecase? ### Suggestion: Any help / hints on the same would be appreciated!
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6620/reactions", "total_count": 1, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 1 }
https://api.github.com/repos/langchain-ai/langchain/issues/6620/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6619
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6619/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6619/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6619/events
https://github.com/langchain-ai/langchain/issues/6619
1,770,563,613
I_kwDOIPDwls5piKgd
6,619
Truncate HF pipeline response
{ "login": "geodra", "id": 42205330, "node_id": "MDQ6VXNlcjQyMjA1MzMw", "avatar_url": "https://avatars.githubusercontent.com/u/42205330?v=4", "gravatar_id": "", "url": "https://api.github.com/users/geodra", "html_url": "https://github.com/geodra", "followers_url": "https://api.github.com/users/geodra/followers", "following_url": "https://api.github.com/users/geodra/following{/other_user}", "gists_url": "https://api.github.com/users/geodra/gists{/gist_id}", "starred_url": "https://api.github.com/users/geodra/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/geodra/subscriptions", "organizations_url": "https://api.github.com/users/geodra/orgs", "repos_url": "https://api.github.com/users/geodra/repos", "events_url": "https://api.github.com/users/geodra/events{/privacy}", "received_events_url": "https://api.github.com/users/geodra/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-23T00:30:59
2023-09-29T16:06:24
2023-09-29T16:06:23
NONE
null
For models like -> "h2oai/h2ogpt-gm-oasst1-en-2048-falcon-7b-v2" the generated output doesn't contain the prompt. So it is wrong to filter the first characters of the response. https://github.com/hwchase17/langchain/blob/9d42621fa4385e519f702b7005d475781033188c/langchain/llms/huggingface_pipeline.py#L172C13-L172C64 https://huggingface.co/h2oai/h2ogpt-gm-oasst1-en-2048-falcon-7b-v2/blob/main/h2oai_pipeline.py
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6619/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6619/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6618
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6618/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6618/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6618/events
https://github.com/langchain-ai/langchain/issues/6618
1,770,546,185
I_kwDOIPDwls5piGQJ
6,618
How can I integrate SerpAPI with custom ChatGLM model
{ "login": "successzy", "id": 17405629, "node_id": "MDQ6VXNlcjE3NDA1NjI5", "avatar_url": "https://avatars.githubusercontent.com/u/17405629?v=4", "gravatar_id": "", "url": "https://api.github.com/users/successzy", "html_url": "https://github.com/successzy", "followers_url": "https://api.github.com/users/successzy/followers", "following_url": "https://api.github.com/users/successzy/following{/other_user}", "gists_url": "https://api.github.com/users/successzy/gists{/gist_id}", "starred_url": "https://api.github.com/users/successzy/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/successzy/subscriptions", "organizations_url": "https://api.github.com/users/successzy/orgs", "repos_url": "https://api.github.com/users/successzy/repos", "events_url": "https://api.github.com/users/successzy/events{/privacy}", "received_events_url": "https://api.github.com/users/successzy/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-23T00:05:19
2023-10-01T16:05:53
2023-10-01T16:05:53
NONE
null
### Issue you'd like to raise. Hello, Team How can I integrate SerpAPI with custom ChatGLM model. It looks like my code is not correct and I can't find useful information from internet. Hope post here can help me to resolve this issue. Thanks in advcance. ``` import time import logging import requests from typing import Optional, List, Dict, Mapping, Any import langchain from langchain.llms.base import LLM # from langchain.cache import InMemoryCache #------------------------------ import os os.environ["SERPAPI_API_KEY"] = '44eafc5bc26834f931324798f8e370e5c5039578dde6ef7a67918f24ed00599f' from langchain.agents import load_tools from langchain.agents import initialize_agent from langchain.agents import AgentType #------------------------------ logging.basicConfig(level=logging.INFO) # 启动llm的缓存 # langchain.llm_cache = InMemoryCache() class ChatGLM(LLM): # 模型服务url url = "http://18.183.251.31:8000" @property def _llm_type(self) -> str: return "chatglm" def _construct_query(self, prompt: str) -> Dict: """构造请求体 """ query = { "prompt": prompt } return query @classmethod def _post(cls, url: str, query: Dict) -> Any: """POST请求 """ _headers = {"Content_Type": "application/json"} with requests.session() as sess: resp = sess.post(url, json=query, headers=_headers, timeout=60) return resp def _call(self, prompt: str, stop: Optional[List[str]] = None) -> str: """_call """ # construct query query = self._construct_query(prompt=prompt) print(query) # post resp = self._post(url=self.url, query=query) if resp.status_code == 200: resp_json = resp.json() predictions = resp_json["response"] return predictions else: return "请求模型" @property def _identifying_params(self) -> Mapping[str, Any]: """Get the identifying parameters. """ _param_dict = { "url": self.url } return _param_dict if __name__ == "__main__": llm = ChatGLM() # ------------------------------ tools = load_tools(["serpapi"], llm=llm) agent = initialize_agent(tools, llm, agent=AgentType.ZERO_SHOT_REACT_DESCRIPTION, verbose=True) agent.run("What's the date today? What great events have taken place today in history?") # ------------------------------ # while True: # prompt = input("Human: ") # # begin_time = time.time() * 1000 # # 请求模型 # response = llm(prompt, stop=["you"]) # end_time = time.time() * 1000 # used_time = round(end_time - begin_time, 3) # # logging.info(f"chatGLM process time: {used_time}ms") # print("chatGLM process time %s" % {used_time}) # print(f"ChatGLM: {response}") ``` ### Suggestion: _No response_
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6618/reactions", "total_count": 1, "+1": 0, "-1": 0, "laugh": 0, "hooray": 1, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6618/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6617
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6617/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6617/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6617/events
https://github.com/langchain-ai/langchain/issues/6617
1,770,528,462
I_kwDOIPDwls5piB7O
6,617
Dynamic fields for BaseModels in PydanticOutputParser?
{ "login": "lfoppiano", "id": 15426, "node_id": "MDQ6VXNlcjE1NDI2", "avatar_url": "https://avatars.githubusercontent.com/u/15426?v=4", "gravatar_id": "", "url": "https://api.github.com/users/lfoppiano", "html_url": "https://github.com/lfoppiano", "followers_url": "https://api.github.com/users/lfoppiano/followers", "following_url": "https://api.github.com/users/lfoppiano/following{/other_user}", "gists_url": "https://api.github.com/users/lfoppiano/gists{/gist_id}", "starred_url": "https://api.github.com/users/lfoppiano/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/lfoppiano/subscriptions", "organizations_url": "https://api.github.com/users/lfoppiano/orgs", "repos_url": "https://api.github.com/users/lfoppiano/repos", "events_url": "https://api.github.com/users/lfoppiano/events{/privacy}", "received_events_url": "https://api.github.com/users/lfoppiano/received_events", "type": "User", "site_admin": false }
[]
open
false
null
[]
null
5
2023-06-22T23:40:52
2023-12-21T18:16:43
null
CONTRIBUTOR
null
### Issue you'd like to raise. I have the following BaseModel: ```python class MainMagnetClass(BaseModel): main_materials: List[str] = Field(description="main material") additional_doping_elements: List[str] = Field(description="doping") ``` which can be instantiated as: ```python instance = PydanticOutputParser(pydantic_object=MainMagnetClass) ``` I would like to know if there is a way to dynamically load the description of the two fields. I tried with `construct()` but it doesn't seems to work. The reason is that I'm generating a set of queries and for each of them I want to have different "description" for the PydanticOutputParser that is going to be used. ### Suggestion: I would load a dict with the fields and their description and pass it to the object so that I could override the default descriptions.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6617/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6617/timeline
null
null
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6616
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6616/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6616/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6616/events
https://github.com/langchain-ai/langchain/pull/6616
1,770,523,892
PR_kwDOIPDwls5Ts3wl
6,616
Kendra retriever api
{ "login": "3coins", "id": 289369, "node_id": "MDQ6VXNlcjI4OTM2OQ==", "avatar_url": "https://avatars.githubusercontent.com/u/289369?v=4", "gravatar_id": "", "url": "https://api.github.com/users/3coins", "html_url": "https://github.com/3coins", "followers_url": "https://api.github.com/users/3coins/followers", "following_url": "https://api.github.com/users/3coins/following{/other_user}", "gists_url": "https://api.github.com/users/3coins/gists{/gist_id}", "starred_url": "https://api.github.com/users/3coins/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/3coins/subscriptions", "organizations_url": "https://api.github.com/users/3coins/orgs", "repos_url": "https://api.github.com/users/3coins/repos", "events_url": "https://api.github.com/users/3coins/events{/privacy}", "received_events_url": "https://api.github.com/users/3coins/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
8
2023-06-22T23:32:57
2023-06-23T22:33:35
2023-06-23T21:59:36
CONTRIBUTOR
null
## Description Replaces [Kendra Retriever](https://github.com/hwchase17/langchain/blob/master/langchain/retrievers/aws_kendra_index_retriever.py) with an updated version that uses the new [retriever API](https://docs.aws.amazon.com/kendra/latest/dg/searching-retrieve.html) which is better suited for retrieval augmented generation (RAG) systems. **Note**: This change requires the latest version (1.26.159) of boto3 to work. `pip install -U boto3` to upgrade the boto3 version. cc @hupe1980 cc @dev2049 <!-- Thank you for contributing to LangChain! Replace this comment with: - Description: a description of the change, - Issue: the issue # it fixes (if applicable), - Dependencies: any dependencies required for this change, - Tag maintainer: for a quicker response, tag the relevant maintainer (see below), - Twitter handle: we announce bigger features on Twitter. If your PR gets announced and you'd like a mention, we'll gladly shout you out! If you're adding a new integration, please include: 1. a test for the integration, preferably unit tests that do not rely on network access, 2. an example notebook showing its use. Maintainer responsibilities: - General / Misc / if you don't know who to tag: @dev2049 - DataLoaders / VectorStores / Retrievers: @rlancemartin, @eyurtsev - Models / Prompts: @hwchase17, @dev2049 - Memory: @hwchase17 - Agents / Tools / Toolkits: @vowelparrot - Tracing / Callbacks: @agola11 - Async: @agola11 If no one reviews your PR within a few days, feel free to @-mention the same people again. See contribution guidelines for more information on how to write/run tests, lint, etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6616/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6616/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6616", "html_url": "https://github.com/langchain-ai/langchain/pull/6616", "diff_url": "https://github.com/langchain-ai/langchain/pull/6616.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6616.patch", "merged_at": "2023-06-23T21:59:36" }
https://api.github.com/repos/langchain-ai/langchain/issues/6615
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6615/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6615/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6615/events
https://github.com/langchain-ai/langchain/pull/6615
1,770,522,784
PR_kwDOIPDwls5Ts3hf
6,615
Update String Evaluator
{ "login": "vowelparrot", "id": 130414180, "node_id": "U_kgDOB8X2ZA", "avatar_url": "https://avatars.githubusercontent.com/u/130414180?v=4", "gravatar_id": "", "url": "https://api.github.com/users/vowelparrot", "html_url": "https://github.com/vowelparrot", "followers_url": "https://api.github.com/users/vowelparrot/followers", "following_url": "https://api.github.com/users/vowelparrot/following{/other_user}", "gists_url": "https://api.github.com/users/vowelparrot/gists{/gist_id}", "starred_url": "https://api.github.com/users/vowelparrot/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/vowelparrot/subscriptions", "organizations_url": "https://api.github.com/users/vowelparrot/orgs", "repos_url": "https://api.github.com/users/vowelparrot/repos", "events_url": "https://api.github.com/users/vowelparrot/events{/privacy}", "received_events_url": "https://api.github.com/users/vowelparrot/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T23:31:00
2023-06-26T21:16:16
2023-06-26T21:16:15
CONTRIBUTOR
null
- Add protocol for `evaluate_strings` - Move the criteria evaluator out so it's not restricted to being applied on traced runs
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6615/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6615/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6615", "html_url": "https://github.com/langchain-ai/langchain/pull/6615", "diff_url": "https://github.com/langchain-ai/langchain/pull/6615.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6615.patch", "merged_at": "2023-06-26T21:16:15" }
https://api.github.com/repos/langchain-ai/langchain/issues/6614
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6614/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6614/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6614/events
https://github.com/langchain-ai/langchain/pull/6614
1,770,474,562
PR_kwDOIPDwls5TstLs
6,614
Add enum fields to parameters when constructing openai function requests
{ "login": "lowzhao", "id": 29053541, "node_id": "MDQ6VXNlcjI5MDUzNTQx", "avatar_url": "https://avatars.githubusercontent.com/u/29053541?v=4", "gravatar_id": "", "url": "https://api.github.com/users/lowzhao", "html_url": "https://github.com/lowzhao", "followers_url": "https://api.github.com/users/lowzhao/followers", "following_url": "https://api.github.com/users/lowzhao/following{/other_user}", "gists_url": "https://api.github.com/users/lowzhao/gists{/gist_id}", "starred_url": "https://api.github.com/users/lowzhao/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/lowzhao/subscriptions", "organizations_url": "https://api.github.com/users/lowzhao/orgs", "repos_url": "https://api.github.com/users/lowzhao/repos", "events_url": "https://api.github.com/users/lowzhao/events{/privacy}", "received_events_url": "https://api.github.com/users/lowzhao/received_events", "type": "User", "site_admin": false }
[ { "id": 5680700873, "node_id": "LA_kwDOIPDwls8AAAABUpidyQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:improvement", "name": "auto:improvement", "color": "FBCA04", "default": false, "description": "Medium size change to existing code to handle new use-cases" } ]
closed
false
null
[]
null
3
2023-06-22T22:29:03
2023-11-07T03:56:32
2023-11-07T03:56:32
NONE
null
**Description:** Added `add_enum_properties` into `format_tool_to_openai_function` which adds enum details from `tools.arg_schema.schema()` into OpenAI Functions API requests, to make the response more relevant; similar to how enum is used in [this tutorial](https://platform.openai.com/docs/guides/gpt/function-calling) for the `["celsius", "fahrenheit"]`. There are several cases where an enum in the parameters where pydantic handles differently not as a simple `"enum"` key in the schema, most were covered in the unit test here `tests/unit_tests/tools/test_convert_to_openai.py`. **Issue:** None **Dependencies:** N/A **Tag maintainers:** @vowelparrot **Twitter handle:** ZhiHaoLow It's my first time here, if there are any things that need amendment please let me know. OpenAI Functions seems promising and fun and hope I can contribute more! 😄
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6614/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6614/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6614", "html_url": "https://github.com/langchain-ai/langchain/pull/6614", "diff_url": "https://github.com/langchain-ai/langchain/pull/6614.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6614.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6612
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6612/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6612/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6612/events
https://github.com/langchain-ai/langchain/pull/6612
1,770,424,567
PR_kwDOIPDwls5TsikQ
6,612
GuardrailsOutputParser, added pydantic support.
{ "login": "simonbutt", "id": 61481718, "node_id": "MDQ6VXNlcjYxNDgxNzE4", "avatar_url": "https://avatars.githubusercontent.com/u/61481718?v=4", "gravatar_id": "", "url": "https://api.github.com/users/simonbutt", "html_url": "https://github.com/simonbutt", "followers_url": "https://api.github.com/users/simonbutt/followers", "following_url": "https://api.github.com/users/simonbutt/following{/other_user}", "gists_url": "https://api.github.com/users/simonbutt/gists{/gist_id}", "starred_url": "https://api.github.com/users/simonbutt/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/simonbutt/subscriptions", "organizations_url": "https://api.github.com/users/simonbutt/orgs", "repos_url": "https://api.github.com/users/simonbutt/repos", "events_url": "https://api.github.com/users/simonbutt/events{/privacy}", "received_events_url": "https://api.github.com/users/simonbutt/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T21:33:50
2023-06-29T01:09:53
2023-06-29T01:09:53
NONE
null
**Description**: Added `from_rail_pydantic` to `GuardrailsOutputParser` which maps to the `guardrails.Guard.from_pydantic` method recently added and offers the option to use pydantic BaseModel classes instead of RAIL spec to define the guardrails Guard. **Issue**: None **Dependencies**: N/A **Tag maintainers**: @dev2049 @hwchase17 This is my first time contributing to this repo, lmk if anything else needs adding.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6612/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6612/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6612", "html_url": "https://github.com/langchain-ai/langchain/pull/6612", "diff_url": "https://github.com/langchain-ai/langchain/pull/6612.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6612.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6611
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6611/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6611/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6611/events
https://github.com/langchain-ai/langchain/pull/6611
1,770,409,209
PR_kwDOIPDwls5TsfVr
6,611
Fix grammar mistake in base.py in planners
{ "login": "northern-64bit", "id": 75195383, "node_id": "MDQ6VXNlcjc1MTk1Mzgz", "avatar_url": "https://avatars.githubusercontent.com/u/75195383?v=4", "gravatar_id": "", "url": "https://api.github.com/users/northern-64bit", "html_url": "https://github.com/northern-64bit", "followers_url": "https://api.github.com/users/northern-64bit/followers", "following_url": "https://api.github.com/users/northern-64bit/following{/other_user}", "gists_url": "https://api.github.com/users/northern-64bit/gists{/gist_id}", "starred_url": "https://api.github.com/users/northern-64bit/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/northern-64bit/subscriptions", "organizations_url": "https://api.github.com/users/northern-64bit/orgs", "repos_url": "https://api.github.com/users/northern-64bit/repos", "events_url": "https://api.github.com/users/northern-64bit/events{/privacy}", "received_events_url": "https://api.github.com/users/northern-64bit/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T21:18:28
2023-06-23T22:23:07
2023-06-23T21:47:10
CONTRIBUTOR
null
Fix a typo in `langchain/experimental/plan_and_execute/planners/base.py`, by changing "Given input, decided what to do." to "Given input, decide what to do." This is in the docstring for functions running LLM chains which shall create a plan, "decided" does not make any sense in this context.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6611/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6611/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6611", "html_url": "https://github.com/langchain-ai/langchain/pull/6611", "diff_url": "https://github.com/langchain-ai/langchain/pull/6611.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6611.patch", "merged_at": "2023-06-23T21:47:10" }
https://api.github.com/repos/langchain-ai/langchain/issues/6610
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6610/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6610/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6610/events
https://github.com/langchain-ai/langchain/issues/6610
1,770,383,094
I_kwDOIPDwls5pheb2
6,610
ChatVertexAI Error: _ChatSessionBase.send_message() got an unexpected keyword argument 'context'
{ "login": "vishalsrao", "id": 36671559, "node_id": "MDQ6VXNlcjM2NjcxNTU5", "avatar_url": "https://avatars.githubusercontent.com/u/36671559?v=4", "gravatar_id": "", "url": "https://api.github.com/users/vishalsrao", "html_url": "https://github.com/vishalsrao", "followers_url": "https://api.github.com/users/vishalsrao/followers", "following_url": "https://api.github.com/users/vishalsrao/following{/other_user}", "gists_url": "https://api.github.com/users/vishalsrao/gists{/gist_id}", "starred_url": "https://api.github.com/users/vishalsrao/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/vishalsrao/subscriptions", "organizations_url": "https://api.github.com/users/vishalsrao/orgs", "repos_url": "https://api.github.com/users/vishalsrao/repos", "events_url": "https://api.github.com/users/vishalsrao/events{/privacy}", "received_events_url": "https://api.github.com/users/vishalsrao/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
0
2023-06-22T20:56:38
2023-06-26T17:21:02
2023-06-26T17:21:02
NONE
null
### System Info langchain version: 0.0.209 ### Who can help? _No response_ ### Information - [X] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [X] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction https://python.langchain.com/docs/modules/model_io/models/chat/integrations/google_vertex_ai_palm ### Expected behavior I get an error saying "TypeError: _ChatSessionBase.send_message() got an unexpected keyword argument 'context'" when I run `chat(messages)` command mentioned in https://python.langchain.com/docs/modules/model_io/models/chat/integrations/google_vertex_ai_palm. This is probably because ChatSession.send_message does not have the argument 'context' and ChatVertexAI._generate automatically adds the context argument to params since chat-bison being a non-code model.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6610/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6610/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6609
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6609/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6609/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6609/events
https://github.com/langchain-ai/langchain/pull/6609
1,770,378,439
PR_kwDOIPDwls5TsYsI
6,609
Session deletion method in motorhead memory
{ "login": "hragbalian", "id": 5995255, "node_id": "MDQ6VXNlcjU5OTUyNTU=", "avatar_url": "https://avatars.githubusercontent.com/u/5995255?v=4", "gravatar_id": "", "url": "https://api.github.com/users/hragbalian", "html_url": "https://github.com/hragbalian", "followers_url": "https://api.github.com/users/hragbalian/followers", "following_url": "https://api.github.com/users/hragbalian/following{/other_user}", "gists_url": "https://api.github.com/users/hragbalian/gists{/gist_id}", "starred_url": "https://api.github.com/users/hragbalian/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/hragbalian/subscriptions", "organizations_url": "https://api.github.com/users/hragbalian/orgs", "repos_url": "https://api.github.com/users/hragbalian/repos", "events_url": "https://api.github.com/users/hragbalian/events{/privacy}", "received_events_url": "https://api.github.com/users/hragbalian/received_events", "type": "User", "site_admin": false }
[ { "id": 5454193895, "node_id": "LA_kwDOIPDwls8AAAABRRhk5w", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/lgtm", "name": "lgtm", "color": "0E8A16", "default": false, "description": "" } ]
closed
false
null
[]
null
2
2023-06-22T20:53:25
2023-06-24T04:27:43
2023-06-24T04:27:43
CONTRIBUTOR
null
Motorhead Memory module didn't support deletion of a session. Added a method to enable deletion. @hwchase17
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6609/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6609/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6609", "html_url": "https://github.com/langchain-ai/langchain/pull/6609", "diff_url": "https://github.com/langchain-ai/langchain/pull/6609.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6609.patch", "merged_at": "2023-06-24T04:27:43" }
https://api.github.com/repos/langchain-ai/langchain/issues/6608
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6608/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6608/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6608/events
https://github.com/langchain-ai/langchain/issues/6608
1,770,352,279
I_kwDOIPDwls5phW6X
6,608
RetrievalQA.from_chain_type does not release GPU memory when given ChromaDB context
{ "login": "JasonMaggard", "id": 62868198, "node_id": "MDQ6VXNlcjYyODY4MTk4", "avatar_url": "https://avatars.githubusercontent.com/u/62868198?v=4", "gravatar_id": "", "url": "https://api.github.com/users/JasonMaggard", "html_url": "https://github.com/JasonMaggard", "followers_url": "https://api.github.com/users/JasonMaggard/followers", "following_url": "https://api.github.com/users/JasonMaggard/following{/other_user}", "gists_url": "https://api.github.com/users/JasonMaggard/gists{/gist_id}", "starred_url": "https://api.github.com/users/JasonMaggard/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/JasonMaggard/subscriptions", "organizations_url": "https://api.github.com/users/JasonMaggard/orgs", "repos_url": "https://api.github.com/users/JasonMaggard/repos", "events_url": "https://api.github.com/users/JasonMaggard/events{/privacy}", "received_events_url": "https://api.github.com/users/JasonMaggard/received_events", "type": "User", "site_admin": false }
[]
open
false
null
[]
null
7
2023-06-22T20:31:11
2024-01-10T07:16:05
null
NONE
null
### System Info When querying with no context (emptyStore below) GPU memory goes up to 8GB and after the chain completes, GPU memory goes back down to 630MB. When using a ChromaDB to provide vector context, GPU memory is never released. Memory usage goes up to 8GB and stays there. Once enough calls have been made, the program will crash with an out of memory error. I have tried manually deleting the variables associated with the DB and langchain, running garbage collection... I am unable to free this GPU memory. Is there a manual method to free this memory that I could employ or some other workaround? I started with using langchain 201 and noticed the issue. The issue persists when using the latest 209. ``` def queryGpt(query): # Get our llm and embeddings llm = get_llm() embeddings = get_embeddings() # Even if the user does not specify a vector store to use, it is necessary # to pass in a retriever to the RetrievalQA chain. docs = [ Document(page_content=""), Document(page_content=""), Document(page_content=""), Document(page_content=""), ] emptyStore = Chroma.from_documents(docs) retriever = emptyStore.as_retriever() if request.content_type == "application/json": data = request.get_json() store_id = data.get("store_id") store_collection = data.get("store_collection") if store_id and store_collection: vector_stores = load_vector_stores() found: VectorStore | None = None for store in vector_stores: if store["id"] == store_id: found = store if not found: print(f"Warning: vector store not found id:{store_id}") else: # print(f"Using vector store '{found['name']}' id:{found['id']} collection {store_collection}") client = get_chroma_instance(found["dirname"]) # embeddings = HuggingFaceEmbeddings(model_name=embeddings_model_name) db = Chroma( client=client, embedding_function=embeddings, collection_name=store_collection, ) retriever = db.as_retriever() print('Answering question') qa = RetrievalQA.from_chain_type(llm=llm, chain_type="stuff", retriever=retriever) # Get the answer from the chain res = qa(query) ``` We are using the latest Vicuna 13b. With `all-MiniLM-L6-v2` used for the embeddings. We are in Azure using Tesla GPU's. Ubuntu 20.04. Cuda 12.1. ### Who can help? _No response_ ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [X] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction Run a QA chain with a ChromaDB enabled. ### Expected behavior I would expect the memory to be freed upon completion of the chain.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6608/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6608/timeline
null
null
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6607
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6607/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6607/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6607/events
https://github.com/langchain-ai/langchain/pull/6607
1,770,336,476
PR_kwDOIPDwls5TsPms
6,607
Fix ray-project/Aviary integration
{ "login": "kouroshHakha", "id": 31483498, "node_id": "MDQ6VXNlcjMxNDgzNDk4", "avatar_url": "https://avatars.githubusercontent.com/u/31483498?v=4", "gravatar_id": "", "url": "https://api.github.com/users/kouroshHakha", "html_url": "https://github.com/kouroshHakha", "followers_url": "https://api.github.com/users/kouroshHakha/followers", "following_url": "https://api.github.com/users/kouroshHakha/following{/other_user}", "gists_url": "https://api.github.com/users/kouroshHakha/gists{/gist_id}", "starred_url": "https://api.github.com/users/kouroshHakha/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/kouroshHakha/subscriptions", "organizations_url": "https://api.github.com/users/kouroshHakha/orgs", "repos_url": "https://api.github.com/users/kouroshHakha/repos", "events_url": "https://api.github.com/users/kouroshHakha/events{/privacy}", "received_events_url": "https://api.github.com/users/kouroshHakha/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
3
2023-06-22T20:17:20
2023-06-23T21:49:55
2023-06-23T21:49:54
CONTRIBUTOR
null
- Description: The aviary integration has changed url link. This PR provide fix for those changes and also it makes providing the input URL optional to the API (since they can be set via env variables). - Issue: N/A - Dependencies: N/A - Tag maintainer: @dev2049, @hwchase17 - Twitter handle: N/A
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6607/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6607/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6607", "html_url": "https://github.com/langchain-ai/langchain/pull/6607", "diff_url": "https://github.com/langchain-ai/langchain/pull/6607.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6607.patch", "merged_at": "2023-06-23T21:49:54" }
https://api.github.com/repos/langchain-ai/langchain/issues/6606
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6606/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6606/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6606/events
https://github.com/langchain-ai/langchain/issues/6606
1,770,326,709
I_kwDOIPDwls5phQq1
6,606
For JSON loaders - like a Figma Design - similarity does not work, and ends up with the wrong output.
{ "login": "ankitmaloo", "id": 4458389, "node_id": "MDQ6VXNlcjQ0NTgzODk=", "avatar_url": "https://avatars.githubusercontent.com/u/4458389?v=4", "gravatar_id": "", "url": "https://api.github.com/users/ankitmaloo", "html_url": "https://github.com/ankitmaloo", "followers_url": "https://api.github.com/users/ankitmaloo/followers", "following_url": "https://api.github.com/users/ankitmaloo/following{/other_user}", "gists_url": "https://api.github.com/users/ankitmaloo/gists{/gist_id}", "starred_url": "https://api.github.com/users/ankitmaloo/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/ankitmaloo/subscriptions", "organizations_url": "https://api.github.com/users/ankitmaloo/orgs", "repos_url": "https://api.github.com/users/ankitmaloo/repos", "events_url": "https://api.github.com/users/ankitmaloo/events{/privacy}", "received_events_url": "https://api.github.com/users/ankitmaloo/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T20:09:41
2023-09-30T16:05:58
2023-09-30T16:05:57
NONE
null
### System Info Tried on Colab. Version: [v0.0.209](https://github.com/hwchase17/langchain/releases/tag/v0.0.209) Platform: Google Colab Python: 3.10 ### Who can help? @hwchase17 ### Information - [x] The official example notebooks/scripts - [x] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [X] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [X] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction 1. Take a Figma file and use Langchain's Figma plugin to get the JSON from API. 2. Use the index = VectorstoreIndexCreator().from_loaders([figma_loader]) to get the index. 3. And then create doc retriever using figma_doc_retriever = index.vectorstore.as_retriever() When we query ChatGPT/LLMs, the way code works is that it breaks the original document into parts, and finds similarity. Great for unstructured documents, but bad for JSON - breaks the structure and does not carry the right content either. So, for example, this function relevant_nodes = figma_doc_retriever.get_relevant_documents("Slack Integration") which calculates similarity to get the nearest nodes, gave me this output: [Document(page_content='name: Dark Mode\nlastModified: 2023-06-19T07:26:34Z\nthumbnailUrl: \nversion: 3676773001\nrole: owner\neditorType: figma\nlinkAccess: view\nnodes: \n10:138: \ndocument: \nid: 10:138\nname: Slack Integration\ntype: FRAME\nscrollBehavior: SCROLLS\nblendMode: PASS_THROUGH\nchildren: \nid: 10:139\nname: div.sc-dwFxSa\ntype: FRAME\nscrollBehavior: SCROLLS\nblendMode: PASS_THROUGH\nchildren: \nid: 10:140\nname: Main\ntype: FRAME\nscrollBehavior: SCROLLS\nblendMode: PASS_THROUGH\nchildren: \nid: 10:141\nname: div.sc-iAVVkm\ntype: FRAME\nscrollBehavior: SCROLLS\nblendMode: PASS_THROUGH\nchildren: \nid: 10:142\nname: div.sc-bcXHqe\ntype: FRAME\nscrollBehavior: SCROLLS\nblendMode: PASS_THROUGH', metadata={'source': ''}), Document(page_content='id: 10:178\nname: Send project updates to a Slack channel\ntype: TEXT\nscrollBehavior: SCROLLS\nblendMode: PASS_THROUGH\nabsoluteBoundingBox: \nx: -3084.0\ny: 3199.0\nwidth: 250.0\nheight: 16.0\n\nabsoluteRenderBounds: \nx: -3083.335205078125\ny: 3202.1669921875\nwidth: 247.89453125\nheight: 12.4921875\n\nconstraints: \nvertical: TOP\nhorizontal: LEFT\n\nlayoutAlign: INHERIT\nlayoutGrow: 0.0\nfills: \nblendMode: NORMAL\ntype: SOLID\ncolor: \nr: 0.9960784316062927\ng: 1.0\nb: 0.9960784316062927\na: 1.0\n\n\nstrokes: \nstrokeWeight: 1.0\nstrokeAlign: OUTSIDE\neffects: \ncharacters: Send project updates to a Slack channel\nstyle: \nfontFamily: Inter\nfontPostScriptName: None\nfontWeight: 500\ntextAutoResize: WIDTH_AND_HEIGHT\nfontSize: 13.0\ntextAlignHorizontal: LEFT\ntextAlignVertical: CENTER\nletterSpacing: 0.0\nlineHeightPx: 15.732954025268555\nlineHeightPercent: 100.0\nlineHeightUnit: INTRINSIC_%\n\nlayoutVersion: 3\ncharacterStyleOverrides: \nstyleOverrideTable: \n\nlineTypes: NONE\nlineIndentations: 0', metadata={'source': ''}), (2 more such nodes) ### Expected behavior For JSON, it should start from the innermost json, and then work the way backwards (especially for Figma) to enable LLM with more precise understanding of the structure and also get the output as desired.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6606/reactions", "total_count": 1, "+1": 1, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6606/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6605
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6605/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6605/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6605/events
https://github.com/langchain-ai/langchain/pull/6605
1,770,248,491
PR_kwDOIPDwls5Tr8S5
6,605
feat: add MultiStrategy output parser
{ "login": "blob42", "id": 210457, "node_id": "MDQ6VXNlcjIxMDQ1Nw==", "avatar_url": "https://avatars.githubusercontent.com/u/210457?v=4", "gravatar_id": "", "url": "https://api.github.com/users/blob42", "html_url": "https://github.com/blob42", "followers_url": "https://api.github.com/users/blob42/followers", "following_url": "https://api.github.com/users/blob42/following{/other_user}", "gists_url": "https://api.github.com/users/blob42/gists{/gist_id}", "starred_url": "https://api.github.com/users/blob42/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/blob42/subscriptions", "organizations_url": "https://api.github.com/users/blob42/orgs", "repos_url": "https://api.github.com/users/blob42/repos", "events_url": "https://api.github.com/users/blob42/events{/privacy}", "received_events_url": "https://api.github.com/users/blob42/received_events", "type": "User", "site_admin": false }
[ { "id": 4678528817, "node_id": "LA_kwDOIPDwls8AAAABFtyvMQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/enhancement", "name": "enhancement", "color": "a2eeef", "default": true, "description": "New feature or request" } ]
closed
false
null
[]
null
8
2023-06-22T19:08:37
2023-11-23T16:49:23
2023-11-23T16:49:23
CONTRIBUTOR
null
**tldr**: fancy name for brute forcing multiple parsing functions before giving up with an exception. #### Description: - This PR introduces a new type of output parser interface and implementation that can try multiple strategies - A strategy is a tuple-like class of `(parser, predicate, name=None)` *see strategies.py* - Strategies are tried if predicate is True - Strategies are tried in order, allows for fallbacks - New strategies can be added to handle new output errors and coverd by unit tests. - Base interface allows existing parsers to implement it ```python # strategies can be defined like this parse_strategies = ( ParseStrategy(parse_raw_json, is_json), ParseStrategy(code_block, lambda text: text.find('```') != -1), name="md_code_block"), ..., ParseStrategy(fallback, lambda _:True) ) # then passed to the implementer: my_parser = MyMultiParser(parse_strategies) ``` In this first pass I implemented a ConvoOutputParser that implements multi strategy. I also implemented some example parsing strategies that can handle most exceptions on nested code blocks in json. *see the tests and test outputs* Looking for feedback if this is something worth pursuing and whether the code organization is right. @hwchase17, @dev2049
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6605/reactions", "total_count": 1, "+1": 1, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6605/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6605", "html_url": "https://github.com/langchain-ai/langchain/pull/6605", "diff_url": "https://github.com/langchain-ai/langchain/pull/6605.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6605.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6604
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6604/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6604/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6604/events
https://github.com/langchain-ai/langchain/pull/6604
1,770,241,538
PR_kwDOIPDwls5Tr6xf
6,604
fix minor typo in vector_db_qa.mdx
{ "login": "chris-lovejoy", "id": 35599865, "node_id": "MDQ6VXNlcjM1NTk5ODY1", "avatar_url": "https://avatars.githubusercontent.com/u/35599865?v=4", "gravatar_id": "", "url": "https://api.github.com/users/chris-lovejoy", "html_url": "https://github.com/chris-lovejoy", "followers_url": "https://api.github.com/users/chris-lovejoy/followers", "following_url": "https://api.github.com/users/chris-lovejoy/following{/other_user}", "gists_url": "https://api.github.com/users/chris-lovejoy/gists{/gist_id}", "starred_url": "https://api.github.com/users/chris-lovejoy/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/chris-lovejoy/subscriptions", "organizations_url": "https://api.github.com/users/chris-lovejoy/orgs", "repos_url": "https://api.github.com/users/chris-lovejoy/repos", "events_url": "https://api.github.com/users/chris-lovejoy/events{/privacy}", "received_events_url": "https://api.github.com/users/chris-lovejoy/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T19:03:33
2023-06-23T21:57:38
2023-06-23T21:57:37
CONTRIBUTOR
null
- Description: minor typo fixed - doesn't instead of does. No other changes.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6604/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6604/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6604", "html_url": "https://github.com/langchain-ai/langchain/pull/6604", "diff_url": "https://github.com/langchain-ai/langchain/pull/6604.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6604.patch", "merged_at": "2023-06-23T21:57:37" }
https://api.github.com/repos/langchain-ai/langchain/issues/6603
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6603/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6603/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6603/events
https://github.com/langchain-ai/langchain/pull/6603
1,770,174,307
PR_kwDOIPDwls5TrsJM
6,603
Just corrected a small inconsistency on a doc page
{ "login": "kambleakash0", "id": 11428589, "node_id": "MDQ6VXNlcjExNDI4NTg5", "avatar_url": "https://avatars.githubusercontent.com/u/11428589?v=4", "gravatar_id": "", "url": "https://api.github.com/users/kambleakash0", "html_url": "https://github.com/kambleakash0", "followers_url": "https://api.github.com/users/kambleakash0/followers", "following_url": "https://api.github.com/users/kambleakash0/following{/other_user}", "gists_url": "https://api.github.com/users/kambleakash0/gists{/gist_id}", "starred_url": "https://api.github.com/users/kambleakash0/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/kambleakash0/subscriptions", "organizations_url": "https://api.github.com/users/kambleakash0/orgs", "repos_url": "https://api.github.com/users/kambleakash0/repos", "events_url": "https://api.github.com/users/kambleakash0/events{/privacy}", "received_events_url": "https://api.github.com/users/kambleakash0/received_events", "type": "User", "site_admin": false }
[ { "id": 5454193895, "node_id": "LA_kwDOIPDwls8AAAABRRhk5w", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/lgtm", "name": "lgtm", "color": "0E8A16", "default": false, "description": "" } ]
closed
false
null
[]
null
1
2023-06-22T18:13:05
2023-06-23T23:09:29
2023-06-23T23:09:29
CONTRIBUTOR
null
### Just corrected a small inconsistency on a doc page (not exactly a typo, per se) - Description: There was inconsistency due to the use of single quotes at one place on the [Squential Chains](https://python.langchain.com/docs/modules/chains/foundational/sequential_chains) page of the docs, - Issue: NA, - Dependencies: NA, - Tag maintainer: @dev2049, - Twitter handle: kambleakash0
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6603/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6603/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6603", "html_url": "https://github.com/langchain-ai/langchain/pull/6603", "diff_url": "https://github.com/langchain-ai/langchain/pull/6603.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6603.patch", "merged_at": "2023-06-23T23:09:29" }
https://api.github.com/repos/langchain-ai/langchain/issues/6602
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6602/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6602/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6602/events
https://github.com/langchain-ai/langchain/pull/6602
1,770,128,237
PR_kwDOIPDwls5Trh_3
6,602
Add an MlflowRetrieverEvaluator Chain
{ "login": "liangz1", "id": 7851093, "node_id": "MDQ6VXNlcjc4NTEwOTM=", "avatar_url": "https://avatars.githubusercontent.com/u/7851093?v=4", "gravatar_id": "", "url": "https://api.github.com/users/liangz1", "html_url": "https://github.com/liangz1", "followers_url": "https://api.github.com/users/liangz1/followers", "following_url": "https://api.github.com/users/liangz1/following{/other_user}", "gists_url": "https://api.github.com/users/liangz1/gists{/gist_id}", "starred_url": "https://api.github.com/users/liangz1/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/liangz1/subscriptions", "organizations_url": "https://api.github.com/users/liangz1/orgs", "repos_url": "https://api.github.com/users/liangz1/repos", "events_url": "https://api.github.com/users/liangz1/events{/privacy}", "received_events_url": "https://api.github.com/users/liangz1/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
3
2023-06-22T17:37:54
2023-07-11T23:17:44
2023-07-11T23:17:44
CONTRIBUTOR
null
Description: This PR adds a new Chain called `MlflowRetrieverEvaluator`, which is a wrapper of a retriever object used in the `RetrievalQA` chain. The wrapper is used for logging the retriever part to MLflow, in order to evaluate the retrieval model separately. A bit more context about what the MlflowRetrieverEvaluator chain is supposed to be used for: When a user is developing a `RetrievalQA` chain, they may want to evaluate the retriever by itself, without sending the documents to an llm. Tools will be provided to help the evaluation in `mlflow.evaluate()`. In order to use the `mlflow.evaluate()`, the retriever needs to be logged as an mlflow langchain flavor model, which accepts a Chain. So we introduce the `MlflowRetrieverEvaluator` Chain, which is essentially a wrapper around the retriever object. Some notes: 1. If a user doesn't want to evaluate the retriever by itself, their code would not be affected. (We are not proposing to force all the retrievers to be wrapped in this chain.) 2. If a user want to evaluate the retriever by itself, they can leverage the new `MlflowRetrieverEvaluator` chain to do the evaluation. However, this doesn't change how their `RetrievalQA` chain works. See https://github.com/mlflow/mlflow/pull/8808 for more context. @dev2049 @hwchase17 This PR enables the following use case with MLflow: ```python # I have a retrieval model: db embeddings = OpenAIEmbeddings() db = FAISS.load_local(local_dir, embeddings) # I can log db using mlflow langchain flavor: # First, wrap the retriever in the MlflowRetrieverEvaluator Chain # Added to LangChain in this PR https://github.com/hwchase17/langchain/pull/6602 from langchain.chains.retriever import MlflowRetrieverEvaluator retriever_evaluator = MlflowRetrieverEvaluator(retriever=db.as_retriever()) # Second, define the loader_fn and persist_dir, as with RetrievalQA Chain def load_retriever(persist_directory): embeddings = OpenAIEmbeddings() vectorstore = FAISS.load_local(persist_directory, embeddings) return vectorstore.as_retriever() local_dir = '/Users/liang.zhang/faiss_index' # Third, log the model logged_model = mlflow.langchain.log_model(retriever_evaluator, "retriever_evaluator", loader_fn=load_retriever, persist_dir=local_dir) # You can load the model in pyfunc flavor: loaded_model = mlflow.pyfunc.load_model(logged_model.model_uri) # You can retrieve the documents by running predict: loaded_model.predict([{"query": "What did the president say about Ketanji Brown Jackson"}]) # The return value is the same as # db.as_retriever().get_relevant_documents("What did the president say about Ketanji Brown Jackson") ``` The return value of the last statement: ``` [[Document(lc_kwargs={'page_content': 'Tonight. I call on the Senate to: Pass the Freedom to Vote Act. Pass the John Lewis Voting Rights Act. And while you’re at it, pass the Disclose Act so Americans can know who is funding our elections. \n\nTonight, I’d like to honor someone who has dedicated his life to serve this country: Justice Stephen Breyer—an Army veteran, Constitutional scholar, and retiring Justice of the United States Supreme Court. Justice Breyer, thank you for your service. \n\nOne of the most serious constitutional responsibilities a President has is nominating someone to serve on the United States Supreme Court. \n\nAnd I did that 4 days ago, when I nominated Circuit Court of Appeals Judge Ketanji Brown Jackson. One of our nation’s top legal minds, who will continue Justice Breyer’s legacy of excellence.', 'metadata': {'source': '/Users/liang.zhang/langchain/docs/modules/state_of_the_union.txt'}}, page_content='Tonight. I call on the Senate to: Pass the Freedom to Vote Act. Pass the John Lewis Voting Rights Act. And while you’re at it, pass the Disclose Act so Americans can know who is funding our elections. \n\nTonight, I’d like to honor someone who has dedicated his life to serve this country: Justice Stephen Breyer—an Army veteran, Constitutional scholar, and retiring Justice of the United States Supreme Court. Justice Breyer, thank you for your service. \n\nOne of the most serious constitutional responsibilities a President has is nominating someone to serve on the United States Supreme Court. \n\nAnd I did that 4 days ago, when I nominated Circuit Court of Appeals Judge Ketanji Brown Jackson. One of our nation’s top legal minds, who will continue Justice Breyer’s legacy of excellence.', metadata={'source': '/Users/liang.zhang/langchain/docs/modules/state_of_the_union.txt'}), Document(lc_kwargs={'page_content': 'A former top litigator in private practice. A former federal public defender. And from a family of public school educators and police officers. A consensus builder. Since she’s been nominated, she’s received a broad range of support—from the Fraternal Order of Police to former judges appointed by Democrats and Republicans. \n\nAnd if we are to advance liberty and justice, we need to secure the Border and fix the immigration system. \n\nWe can do both. At our border, we’ve installed new technology like cutting-edge scanners to better detect drug smuggling. \n\nWe’ve set up joint patrols with Mexico and Guatemala to catch more human traffickers. \n\nWe’re putting in place dedicated immigration judges so families fleeing persecution and violence can have their cases heard faster. \n\nWe’re securing commitments and supporting partners in South and Central America to host more refugees and secure their own borders.', 'metadata': {'source': '/Users/liang.zhang/langchain/docs/modules/state_of_the_union.txt'}}, page_content='A former top litigator in private practice. A former federal public defender. And from a family of public school educators and police officers. A consensus builder. Since she’s been nominated, she’s received a broad range of support—from the Fraternal Order of Police to former judges appointed by Democrats and Republicans. \n\nAnd if we are to advance liberty and justice, we need to secure the Border and fix the immigration system. \n\nWe can do both. At our border, we’ve installed new technology like cutting-edge scanners to better detect drug smuggling. \n\nWe’ve set up joint patrols with Mexico and Guatemala to catch more human traffickers. \n\nWe’re putting in place dedicated immigration judges so families fleeing persecution and violence can have their cases heard faster. \n\nWe’re securing commitments and supporting partners in South and Central America to host more refugees and secure their own borders.', metadata={'source': '/Users/liang.zhang/langchain/docs/modules/state_of_the_union.txt'}), Document(lc_kwargs={'page_content': 'And for our LGBTQ+ Americans, let’s finally get the bipartisan Equality Act to my desk. The onslaught of state laws targeting transgender Americans and their families is wrong. \n\nAs I said last year, especially to our younger transgender Americans, I will always have your back as your President, so you can be yourself and reach your God-given potential. \n\nWhile it often appears that we never agree, that isn’t true. I signed 80 bipartisan bills into law last year. From preventing government shutdowns to protecting Asian-Americans from still-too-common hate crimes to reforming military justice. \n\nAnd soon, we’ll strengthen the Violence Against Women Act that I first wrote three decades ago. It is important for us to show the nation that we can come together and do big things. \n\nSo tonight I’m offering a Unity Agenda for the Nation. Four big things we can do together. \n\nFirst, beat the opioid epidemic.', 'metadata': {'source': '/Users/liang.zhang/langchain/docs/modules/state_of_the_union.txt'}}, page_content='And for our LGBTQ+ Americans, let’s finally get the bipartisan Equality Act to my desk. The onslaught of state laws targeting transgender Americans and their families is wrong. \n\nAs I said last year, especially to our younger transgender Americans, I will always have your back as your President, so you can be yourself and reach your God-given potential. \n\nWhile it often appears that we never agree, that isn’t true. I signed 80 bipartisan bills into law last year. From preventing government shutdowns to protecting Asian-Americans from still-too-common hate crimes to reforming military justice. \n\nAnd soon, we’ll strengthen the Violence Against Women Act that I first wrote three decades ago. It is important for us to show the nation that we can come together and do big things. \n\nSo tonight I’m offering a Unity Agenda for the Nation. Four big things we can do together. \n\nFirst, beat the opioid epidemic.', metadata={'source': '/Users/liang.zhang/langchain/docs/modules/state_of_the_union.txt'}), Document(lc_kwargs={'page_content': 'Tonight, I’m announcing a crackdown on these companies overcharging American businesses and consumers. \n\nAnd as Wall Street firms take over more nursing homes, quality in those homes has gone down and costs have gone up. \n\nThat ends on my watch. \n\nMedicare is going to set higher standards for nursing homes and make sure your loved ones get the care they deserve and expect. \n\nWe’ll also cut costs and keep the economy going strong by giving workers a fair shot, provide more training and apprenticeships, hire them based on their skills not degrees. \n\nLet’s pass the Paycheck Fairness Act and paid leave. \n\nRaise the minimum wage to $15 an hour and extend the Child Tax Credit, so no one has to raise a family in poverty. \n\nLet’s increase Pell Grants and increase our historic support of HBCUs, and invest in what Jill—our First Lady who teaches full-time—calls America’s best-kept secret: community colleges.', 'metadata': {'source': '/Users/liang.zhang/langchain/docs/modules/state_of_the_union.txt'}}, page_content='Tonight, I’m announcing a crackdown on these companies overcharging American businesses and consumers. \n\nAnd as Wall Street firms take over more nursing homes, quality in those homes has gone down and costs have gone up. \n\nThat ends on my watch. \n\nMedicare is going to set higher standards for nursing homes and make sure your loved ones get the care they deserve and expect. \n\nWe’ll also cut costs and keep the economy going strong by giving workers a fair shot, provide more training and apprenticeships, hire them based on their skills not degrees. \n\nLet’s pass the Paycheck Fairness Act and paid leave. \n\nRaise the minimum wage to $15 an hour and extend the Child Tax Credit, so no one has to raise a family in poverty. \n\nLet’s increase Pell Grants and increase our historic support of HBCUs, and invest in what Jill—our First Lady who teaches full-time—calls America’s best-kept secret: community colleges.', metadata={'source': '/Users/liang.zhang/langchain/docs/modules/state_of_the_union.txt'})]] ``` <!-- Thank you for contributing to LangChain! Replace this comment with: - Description: a description of the change, - Issue: the issue # it fixes (if applicable), - Dependencies: any dependencies required for this change, - Tag maintainer: for a quicker response, tag the relevant maintainer (see below), - Twitter handle: we announce bigger features on Twitter. If your PR gets announced and you'd like a mention, we'll gladly shout you out! If you're adding a new integration, please include: 1. a test for the integration, preferably unit tests that do not rely on network access, 2. an example notebook showing its use. Maintainer responsibilities: - General / Misc / if you don't know who to tag: @dev2049 - DataLoaders / VectorStores / Retrievers: @rlancemartin, @eyurtsev - Models / Prompts: @hwchase17, @dev2049 - Memory: @hwchase17 - Agents / Tools / Toolkits: @vowelparrot - Tracing / Callbacks: @agola11 - Async: @agola11 If no one reviews your PR within a few days, feel free to @-mention the same people again. See contribution guidelines for more information on how to write/run tests, lint, etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6602/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6602/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6602", "html_url": "https://github.com/langchain-ai/langchain/pull/6602", "diff_url": "https://github.com/langchain-ai/langchain/pull/6602.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6602.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6601
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6601/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6601/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6601/events
https://github.com/langchain-ai/langchain/pull/6601
1,770,072,830
PR_kwDOIPDwls5TrV8D
6,601
Fix typo in myscale_self_query.ipynb
{ "login": "eltociear", "id": 22633385, "node_id": "MDQ6VXNlcjIyNjMzMzg1", "avatar_url": "https://avatars.githubusercontent.com/u/22633385?v=4", "gravatar_id": "", "url": "https://api.github.com/users/eltociear", "html_url": "https://github.com/eltociear", "followers_url": "https://api.github.com/users/eltociear/followers", "following_url": "https://api.github.com/users/eltociear/following{/other_user}", "gists_url": "https://api.github.com/users/eltociear/gists{/gist_id}", "starred_url": "https://api.github.com/users/eltociear/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/eltociear/subscriptions", "organizations_url": "https://api.github.com/users/eltociear/orgs", "repos_url": "https://api.github.com/users/eltociear/repos", "events_url": "https://api.github.com/users/eltociear/events{/privacy}", "received_events_url": "https://api.github.com/users/eltociear/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T16:58:26
2023-06-23T21:57:13
2023-06-23T21:57:13
CONTRIBUTOR
null
lenth -> length <!-- Thank you for contributing to LangChain! Replace this comment with: - Description: a description of the change, - Issue: the issue # it fixes (if applicable), - Dependencies: any dependencies required for this change, - Tag maintainer: for a quicker response, tag the relevant maintainer (see below), - Twitter handle: we announce bigger features on Twitter. If your PR gets announced and you'd like a mention, we'll gladly shout you out! If you're adding a new integration, please include: 1. a test for the integration, preferably unit tests that do not rely on network access, 2. an example notebook showing its use. Maintainer responsibilities: - General / Misc / if you don't know who to tag: @dev2049 - DataLoaders / VectorStores / Retrievers: @rlancemartin, @eyurtsev - Models / Prompts: @hwchase17, @dev2049 - Memory: @hwchase17 - Agents / Tools / Toolkits: @vowelparrot - Tracing / Callbacks: @agola11 - Async: @agola11 If no one reviews your PR within a few days, feel free to @-mention the same people again. See contribution guidelines for more information on how to write/run tests, lint, etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6601/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6601/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6601", "html_url": "https://github.com/langchain-ai/langchain/pull/6601", "diff_url": "https://github.com/langchain-ai/langchain/pull/6601.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6601.patch", "merged_at": "2023-06-23T21:57:13" }
https://api.github.com/repos/langchain-ai/langchain/issues/6600
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6600/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6600/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6600/events
https://github.com/langchain-ai/langchain/pull/6600
1,770,046,553
PR_kwDOIPDwls5TrQQ_
6,600
feat: added tqdm progress bar to UnstructuredURLLoader
{ "login": "chip-davis", "id": 62909360, "node_id": "MDQ6VXNlcjYyOTA5MzYw", "avatar_url": "https://avatars.githubusercontent.com/u/62909360?v=4", "gravatar_id": "", "url": "https://api.github.com/users/chip-davis", "html_url": "https://github.com/chip-davis", "followers_url": "https://api.github.com/users/chip-davis/followers", "following_url": "https://api.github.com/users/chip-davis/following{/other_user}", "gists_url": "https://api.github.com/users/chip-davis/gists{/gist_id}", "starred_url": "https://api.github.com/users/chip-davis/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/chip-davis/subscriptions", "organizations_url": "https://api.github.com/users/chip-davis/orgs", "repos_url": "https://api.github.com/users/chip-davis/repos", "events_url": "https://api.github.com/users/chip-davis/events{/privacy}", "received_events_url": "https://api.github.com/users/chip-davis/received_events", "type": "User", "site_admin": false }
[ { "id": 5454193895, "node_id": "LA_kwDOIPDwls8AAAABRRhk5w", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/lgtm", "name": "lgtm", "color": "0E8A16", "default": false, "description": "" } ]
closed
false
null
[]
null
1
2023-06-22T16:36:53
2023-06-27T15:42:54
2023-06-25T19:41:25
CONTRIBUTOR
null
- Description: Adds a simple progress bar with tqdm when using UnstructuredURLLoader. Exposes new paramater `show_progress_bar`. Very simple PR. - Issue: N/A - Dependencies: N/A - Tag maintainer: @rlancemartin @eyurtsev
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6600/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6600/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6600", "html_url": "https://github.com/langchain-ai/langchain/pull/6600", "diff_url": "https://github.com/langchain-ai/langchain/pull/6600.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6600.patch", "merged_at": "2023-06-25T19:41:25" }
https://api.github.com/repos/langchain-ai/langchain/issues/6599
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6599/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6599/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6599/events
https://github.com/langchain-ai/langchain/issues/6599
1,769,997,382
I_kwDOIPDwls5pgARG
6,599
response does not call the plugin
{ "login": "leonardotorresaltez", "id": 6289630, "node_id": "MDQ6VXNlcjYyODk2MzA=", "avatar_url": "https://avatars.githubusercontent.com/u/6289630?v=4", "gravatar_id": "", "url": "https://api.github.com/users/leonardotorresaltez", "html_url": "https://github.com/leonardotorresaltez", "followers_url": "https://api.github.com/users/leonardotorresaltez/followers", "following_url": "https://api.github.com/users/leonardotorresaltez/following{/other_user}", "gists_url": "https://api.github.com/users/leonardotorresaltez/gists{/gist_id}", "starred_url": "https://api.github.com/users/leonardotorresaltez/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/leonardotorresaltez/subscriptions", "organizations_url": "https://api.github.com/users/leonardotorresaltez/orgs", "repos_url": "https://api.github.com/users/leonardotorresaltez/repos", "events_url": "https://api.github.com/users/leonardotorresaltez/events{/privacy}", "received_events_url": "https://api.github.com/users/leonardotorresaltez/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T16:03:31
2023-10-23T16:07:42
2023-10-23T16:07:41
NONE
null
### System Info Hello, When using AIPluginTool with ChatOpenAI sometimes the chain call the plugin and sometimes the response is like "the user can call the url ... to get the response" . Why is it? My code: import os import openai from dotenv import load_dotenv, find_dotenv from langchain.chat_models import ChatOpenAI from langchain.tools import AIPluginTool from langchain.agents import load_tools, ConversationalChatAgent, ZeroShotAgent from langchain.chains.conversation.memory import ConversationBufferWindowMemory from langchain.agents.agent import AgentExecutor tool = AIPluginTool.from_plugin_url("http://localhost:5003/.well-known/ai-plugin.json") tools2 = load_tools(["requests_get"] ) tools = [tool,tools2[0]] _ = load_dotenv(find_dotenv()) #read local .env file openai.api_key = os.getenv('OPENAI_API_KEY') llm=ChatOpenAI( openai_api_key=os.getenv('OPENAI_API_KEY'), temperature=0, model_name='gpt-3.5-turbo' ) prefix = """Have a conversation with a human, answering the following questions as best you can. You have access to the following tools:""" memory = ConversationBufferWindowMemory( memory_key="chat_history", k=5, return_messages=True ) custom_agent = ConversationalChatAgent.from_llm_and_tools(llm=llm, tools=tools, system_message=prefix) agent_executor = AgentExecutor.from_agent_and_tools(agent=custom_agent, tools=tools, memory=memory) agent_executor.verbose = True print( agent_executor.agent.llm_chain.prompt ) resp = agent_executor.run(input="What are my store orders for userId Leo ?") print( resp ) ### Who can help? _No response_ ### Information - [ ] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [X] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [X] Tools / Toolkits - [X] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction execute the code , two or three times. you will get a different response ### Expected behavior call the plugin and get the response from http://localhost:5003/order/Leo
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6599/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6599/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6597
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6597/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6597/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6597/events
https://github.com/langchain-ai/langchain/issues/6597
1,769,970,133
I_kwDOIPDwls5pf5nV
6,597
Issue: why SQLAlchemy 2.0 is forced?
{ "login": "adamcohenhillel", "id": 633840, "node_id": "MDQ6VXNlcjYzMzg0MA==", "avatar_url": "https://avatars.githubusercontent.com/u/633840?v=4", "gravatar_id": "", "url": "https://api.github.com/users/adamcohenhillel", "html_url": "https://github.com/adamcohenhillel", "followers_url": "https://api.github.com/users/adamcohenhillel/followers", "following_url": "https://api.github.com/users/adamcohenhillel/following{/other_user}", "gists_url": "https://api.github.com/users/adamcohenhillel/gists{/gist_id}", "starred_url": "https://api.github.com/users/adamcohenhillel/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/adamcohenhillel/subscriptions", "organizations_url": "https://api.github.com/users/adamcohenhillel/orgs", "repos_url": "https://api.github.com/users/adamcohenhillel/repos", "events_url": "https://api.github.com/users/adamcohenhillel/events{/privacy}", "received_events_url": "https://api.github.com/users/adamcohenhillel/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T15:48:15
2023-09-28T16:05:39
2023-09-28T16:05:38
NONE
null
### Issue you'd like to raise. I need to upgrade our Langchain version due to a security issue flagged in version 0.0.27 (see https://security.snyk.io/vuln/SNYK-PYTHON-LANGCHAIN-5411357). However, I can't do this because Langchain depends on SQLAlchemy 2.0, while we use 1.4. 1. Why is SQLALchemy 2.0 needed? It might be useful for a tiny feature out of all the Langchain functionality... 2. SQLAlchemy 1.4 is still more widely used than 2.0 ### Suggestion: Not forcing 2.0, but >1.4 - should support the same syntax -> https://docs.sqlalchemy.org/en/14/
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6597/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6597/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6596
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6596/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6596/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6596/events
https://github.com/langchain-ai/langchain/issues/6596
1,769,968,762
I_kwDOIPDwls5pf5R6
6,596
ImportError: cannot import name 'RetrievalQAWithSourcesChain' from 'langchain.chains'
{ "login": "tomatefarcie123", "id": 132527413, "node_id": "U_kgDOB-Y1NQ", "avatar_url": "https://avatars.githubusercontent.com/u/132527413?v=4", "gravatar_id": "", "url": "https://api.github.com/users/tomatefarcie123", "html_url": "https://github.com/tomatefarcie123", "followers_url": "https://api.github.com/users/tomatefarcie123/followers", "following_url": "https://api.github.com/users/tomatefarcie123/following{/other_user}", "gists_url": "https://api.github.com/users/tomatefarcie123/gists{/gist_id}", "starred_url": "https://api.github.com/users/tomatefarcie123/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/tomatefarcie123/subscriptions", "organizations_url": "https://api.github.com/users/tomatefarcie123/orgs", "repos_url": "https://api.github.com/users/tomatefarcie123/repos", "events_url": "https://api.github.com/users/tomatefarcie123/events{/privacy}", "received_events_url": "https://api.github.com/users/tomatefarcie123/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T15:47:32
2023-06-28T16:18:28
2023-06-28T16:18:27
NONE
null
### System Info Langchain 0.27 Python 3.7 Amazon Linux ### Who can help? @ag ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [X] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction At launch, after recreating python venv and reinstalling latest version of langchain the error message is: ImportError: cannot import name 'RetrievalQAWithSourcesChain' from 'langchain.chains' ### Expected behavior This import should not cause an error.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6596/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6596/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6595
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6595/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6595/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6595/events
https://github.com/langchain-ai/langchain/pull/6595
1,769,955,648
PR_kwDOIPDwls5Tq8Ty
6,595
Fix Typo
{ "login": "SaarthakMaini", "id": 94912101, "node_id": "U_kgDOBag-ZQ", "avatar_url": "https://avatars.githubusercontent.com/u/94912101?v=4", "gravatar_id": "", "url": "https://api.github.com/users/SaarthakMaini", "html_url": "https://github.com/SaarthakMaini", "followers_url": "https://api.github.com/users/SaarthakMaini/followers", "following_url": "https://api.github.com/users/SaarthakMaini/following{/other_user}", "gists_url": "https://api.github.com/users/SaarthakMaini/gists{/gist_id}", "starred_url": "https://api.github.com/users/SaarthakMaini/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/SaarthakMaini/subscriptions", "organizations_url": "https://api.github.com/users/SaarthakMaini/orgs", "repos_url": "https://api.github.com/users/SaarthakMaini/repos", "events_url": "https://api.github.com/users/SaarthakMaini/events{/privacy}", "received_events_url": "https://api.github.com/users/SaarthakMaini/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T15:40:50
2023-06-23T21:56:55
2023-06-23T21:56:54
CONTRIBUTOR
null
Resolves #6582
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6595/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6595/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6595", "html_url": "https://github.com/langchain-ai/langchain/pull/6595", "diff_url": "https://github.com/langchain-ai/langchain/pull/6595.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6595.patch", "merged_at": "2023-06-23T21:56:54" }
https://api.github.com/repos/langchain-ai/langchain/issues/6594
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6594/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6594/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6594/events
https://github.com/langchain-ai/langchain/pull/6594
1,769,914,241
PR_kwDOIPDwls5TqzIT
6,594
feat: Add `UnstructuredRSTLoader`
{ "login": "MthwRobinson", "id": 1635179, "node_id": "MDQ6VXNlcjE2MzUxNzk=", "avatar_url": "https://avatars.githubusercontent.com/u/1635179?v=4", "gravatar_id": "", "url": "https://api.github.com/users/MthwRobinson", "html_url": "https://github.com/MthwRobinson", "followers_url": "https://api.github.com/users/MthwRobinson/followers", "following_url": "https://api.github.com/users/MthwRobinson/following{/other_user}", "gists_url": "https://api.github.com/users/MthwRobinson/gists{/gist_id}", "starred_url": "https://api.github.com/users/MthwRobinson/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/MthwRobinson/subscriptions", "organizations_url": "https://api.github.com/users/MthwRobinson/orgs", "repos_url": "https://api.github.com/users/MthwRobinson/repos", "events_url": "https://api.github.com/users/MthwRobinson/events{/privacy}", "received_events_url": "https://api.github.com/users/MthwRobinson/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T15:19:17
2023-06-25T19:41:58
2023-06-25T19:41:58
CONTRIBUTOR
null
### Summary Adds an `UnstructuredRSTLoader` for loading [reStructuredText](https://en.wikipedia.org/wiki/ReStructuredText) file. ### Testing ```python from langchain.document_loaders import UnstructuredRSTLoader loader = UnstructuredRSTLoader( file_path="example_data/README.rst", mode="elements" ) docs = loader.load() print(docs[0]) ``` ### Reviewers - @hwchase17 - @rlancemartin - @eyurtsev
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6594/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6594/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6594", "html_url": "https://github.com/langchain-ai/langchain/pull/6594", "diff_url": "https://github.com/langchain-ai/langchain/pull/6594.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6594.patch", "merged_at": "2023-06-25T19:41:58" }
https://api.github.com/repos/langchain-ai/langchain/issues/6593
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6593/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6593/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6593/events
https://github.com/langchain-ai/langchain/pull/6593
1,769,898,910
PR_kwDOIPDwls5Tqvvi
6,593
bump 209
{ "login": "dev2049", "id": 130488702, "node_id": "U_kgDOB8cZfg", "avatar_url": "https://avatars.githubusercontent.com/u/130488702?v=4", "gravatar_id": "", "url": "https://api.github.com/users/dev2049", "html_url": "https://github.com/dev2049", "followers_url": "https://api.github.com/users/dev2049/followers", "following_url": "https://api.github.com/users/dev2049/following{/other_user}", "gists_url": "https://api.github.com/users/dev2049/gists{/gist_id}", "starred_url": "https://api.github.com/users/dev2049/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/dev2049/subscriptions", "organizations_url": "https://api.github.com/users/dev2049/orgs", "repos_url": "https://api.github.com/users/dev2049/repos", "events_url": "https://api.github.com/users/dev2049/events{/privacy}", "received_events_url": "https://api.github.com/users/dev2049/received_events", "type": "User", "site_admin": false }
[ { "id": 5010622926, "node_id": "LA_kwDOIPDwls8AAAABKqgJzg", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/release", "name": "release", "color": "07D4BE", "default": false, "description": "" } ]
closed
false
null
[]
null
1
2023-06-22T15:11:11
2023-06-22T15:18:21
2023-06-22T15:18:20
CONTRIBUTOR
null
null
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6593/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6593/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6593", "html_url": "https://github.com/langchain-ai/langchain/pull/6593", "diff_url": "https://github.com/langchain-ai/langchain/pull/6593.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6593.patch", "merged_at": "2023-06-22T15:18:20" }
https://api.github.com/repos/langchain-ai/langchain/issues/6592
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6592/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6592/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6592/events
https://github.com/langchain-ai/langchain/issues/6592
1,769,837,088
I_kwDOIPDwls5pfZIg
6,592
Issue: Summarization using Vertex AI - returns 400 Error on certain cases
{ "login": "chayaputhran", "id": 92641903, "node_id": "U_kgDOBYWabw", "avatar_url": "https://avatars.githubusercontent.com/u/92641903?v=4", "gravatar_id": "", "url": "https://api.github.com/users/chayaputhran", "html_url": "https://github.com/chayaputhran", "followers_url": "https://api.github.com/users/chayaputhran/followers", "following_url": "https://api.github.com/users/chayaputhran/following{/other_user}", "gists_url": "https://api.github.com/users/chayaputhran/gists{/gist_id}", "starred_url": "https://api.github.com/users/chayaputhran/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/chayaputhran/subscriptions", "organizations_url": "https://api.github.com/users/chayaputhran/orgs", "repos_url": "https://api.github.com/users/chayaputhran/repos", "events_url": "https://api.github.com/users/chayaputhran/events{/privacy}", "received_events_url": "https://api.github.com/users/chayaputhran/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T14:44:12
2023-06-29T12:59:38
2023-06-29T12:59:10
NONE
null
### Issue you'd like to raise. We are trying to summarize contents of some URLs using Vertex AI. Below is the code snippet ``` from langchain.llms import VertexAI from langchain.chains.summarize import load_summarize_chain llm = VertexAI(temperature=0.5, max_output_tokens=1024) chain = load_summarize_chain(llm, chain_type="map_reduce") def digest(url, driver): # Get page source HTML html = driver.page_source # Parse HTML with BeautifulSoup soup = BeautifulSoup(html, 'html.parser') get_html_and_add(soup, url) def get_html_and_add(soup: BeautifulSoup, url: str): text = soup.get_text() if soup.title: title = str(soup.title.string) else: title = "" vector_store.add_documents(summary_text(text, url, title)) vector_store.persist() def summary_text(docs: str, url: str, title: str): metadata: Dict[str, Union[str, None]] = { "source": url, "title": title, } docs = [Document(page_content=docs, metadata=metadata)] val = chain.run(docs) print(f'summary for url {url} is \n {val}') return [Document(page_content=val, metadata=metadata)] ``` The code works fine for most of the URLs, however, for few URLs, we are receiving the attached error, when ```chain.run(docs)``` is invoked in the method ```summary_text``` [Error.txt](https://github.com/hwchase17/langchain/files/11835133/Error.txt) Not able to identify the root cause, any help is appreciated. Thank you! PS: Unable to share the URL as it is an internal URL. The langchain version that we use is the latest as of today i.e., 0.0.208. ### Suggestion: _No response_
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6592/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6592/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6591
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6591/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6591/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6591/events
https://github.com/langchain-ai/langchain/pull/6591
1,769,697,734
PR_kwDOIPDwls5TqFs5
6,591
beautifulsoup get_text kwargs in WebBaseLoader
{ "login": "mrtj", "id": 3469711, "node_id": "MDQ6VXNlcjM0Njk3MTE=", "avatar_url": "https://avatars.githubusercontent.com/u/3469711?v=4", "gravatar_id": "", "url": "https://api.github.com/users/mrtj", "html_url": "https://github.com/mrtj", "followers_url": "https://api.github.com/users/mrtj/followers", "following_url": "https://api.github.com/users/mrtj/following{/other_user}", "gists_url": "https://api.github.com/users/mrtj/gists{/gist_id}", "starred_url": "https://api.github.com/users/mrtj/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/mrtj/subscriptions", "organizations_url": "https://api.github.com/users/mrtj/orgs", "repos_url": "https://api.github.com/users/mrtj/repos", "events_url": "https://api.github.com/users/mrtj/events{/privacy}", "received_events_url": "https://api.github.com/users/mrtj/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T13:36:34
2023-06-25T19:42:28
2023-06-25T19:42:27
CONTRIBUTOR
null
# beautifulsoup get_text kwargs in WebBaseLoader - Description: this PR introduces an optional `bs_get_text_kwargs` parameter to `WebBaseLoader` constructor. It can be used to pass kwargs to the downstream BeautifulSoup.get_text call. The most common usage might be to pass a custom text separator, as seen also in `BSHTMLLoader`. - Tag maintainer: @rlancemartin, @eyurtsev - Twitter handle: jtolgyesi
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6591/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6591/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6591", "html_url": "https://github.com/langchain-ai/langchain/pull/6591", "diff_url": "https://github.com/langchain-ai/langchain/pull/6591.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6591.patch", "merged_at": "2023-06-25T19:42:27" }
https://api.github.com/repos/langchain-ai/langchain/issues/6590
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6590/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6590/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6590/events
https://github.com/langchain-ai/langchain/issues/6590
1,769,608,656
I_kwDOIPDwls5pehXQ
6,590
Custom prompts for chain types that aren't "stuff" in RetrievalQA
{ "login": "taimurshaikh", "id": 67555281, "node_id": "MDQ6VXNlcjY3NTU1Mjgx", "avatar_url": "https://avatars.githubusercontent.com/u/67555281?v=4", "gravatar_id": "", "url": "https://api.github.com/users/taimurshaikh", "html_url": "https://github.com/taimurshaikh", "followers_url": "https://api.github.com/users/taimurshaikh/followers", "following_url": "https://api.github.com/users/taimurshaikh/following{/other_user}", "gists_url": "https://api.github.com/users/taimurshaikh/gists{/gist_id}", "starred_url": "https://api.github.com/users/taimurshaikh/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/taimurshaikh/subscriptions", "organizations_url": "https://api.github.com/users/taimurshaikh/orgs", "repos_url": "https://api.github.com/users/taimurshaikh/repos", "events_url": "https://api.github.com/users/taimurshaikh/events{/privacy}", "received_events_url": "https://api.github.com/users/taimurshaikh/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
6
2023-06-22T12:48:37
2023-11-25T16:08:59
2023-11-25T16:08:58
NONE
null
### Feature request Consider the following example: ```python # All the dependencies being used import openai import os from dotenv import load_dotenv from langchain.chains import RetrievalQA from langchain.document_loaders import TextLoader from langchain.embeddings.openai import OpenAIEmbeddings from langchain.chat_models import ChatOpenAI from langchain.text_splitter import RecursiveCharacterTextSplitter from langchain.vectorstores import Chroma from langchain.prompts import PromptTemplate load_dotenv() openai.organization = os.getenv("OPENAI_ORG_ID_") openai.api_key = os.getenv("OPENAI_API_KEY") # Load up a text file loader = TextLoader("foo.txt") documents = loader.load() # Split text into chunks text_splitter = RecursiveCharacterTextSplitter( chunk_size=1000, chunk_overlap=0) texts = text_splitter.split_documents(documents) # Set up chroma embeddings = OpenAIEmbeddings() docsearch = Chroma.from_documents(texts, embeddings) # I want a custom prompt that asks for the output in JSON format prompt_template = """ Use the following pieces of context to answer the question at the end. If you don't know the answer, output 'N/A', don't try to make up an answer. {context} Question: {question} Answer in JSON format: """ PROMPT = PromptTemplate( template=prompt_template, input_variables=["context", "question"] ) llm = ChatOpenAI(model_name="gpt-3.5", temperature=0) # This is what's done in the Python docs chain_type_kwargs = {'prompt': PROMPT} qa = RetrievalQA.from_chain_type(llm=llm, chain_type="stuff", retriever=docsearch.as_retriever(), chain_type_kwargs=chain_type_kwargs) query = "Foo bar" res = qa.run(query) ``` If we use anything other than `"stuff"` for the `chain_type` parameter in `RetrievalQA.from_chain_type`, we'll get the following error from that line: ```terminal File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/langchain/chains/retrieval_qa/base.py", line 91, in from_chain_type combine_documents_chain = load_qa_chain( File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/langchain/chains/question_answering/__init__.py", line 238, in load_qa_chain return loader_mapping[chain_type]( File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/langchain/chains/question_answering/__init__.py", line 196, in _load_refine_chain return RefineDocumentsChain( File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/langchain/load/serializable.py", line 61, in __init__ super().__init__(**kwargs) File "pydantic/main.py", line 341, in pydantic.main.BaseModel.__init__ pydantic.error_wrappers.ValidationError: 1 validation error for RefineDocumentsChain prompt extra fields not permitted (type=value_error.extra) ``` Is there anything in particular that prevents custom prompts being used for different chain types? Am I missing something? Open to any help and/or guidance. ### Motivation I'm trying to perform QA on a large block of text and so using map_reduce or refine is preferable over stuff. I also want to perform the QA with a custom prompt as I need the chain's output to be in JSON format for parsing. When using stuff for text that doesn't surpass the token limit, it works as expected. ### Your contribution Happy to contribute via a PR if someone identifies that what I'm suggesting isn't impossible.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6590/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6590/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6589
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6589/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6589/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6589/events
https://github.com/langchain-ai/langchain/issues/6589
1,769,608,451
I_kwDOIPDwls5pehUD
6,589
DOC: RecursiveTextSplitter function doesn't exist
{ "login": "ubernion", "id": 89847184, "node_id": "MDQ6VXNlcjg5ODQ3MTg0", "avatar_url": "https://avatars.githubusercontent.com/u/89847184?v=4", "gravatar_id": "", "url": "https://api.github.com/users/ubernion", "html_url": "https://github.com/ubernion", "followers_url": "https://api.github.com/users/ubernion/followers", "following_url": "https://api.github.com/users/ubernion/following{/other_user}", "gists_url": "https://api.github.com/users/ubernion/gists{/gist_id}", "starred_url": "https://api.github.com/users/ubernion/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/ubernion/subscriptions", "organizations_url": "https://api.github.com/users/ubernion/orgs", "repos_url": "https://api.github.com/users/ubernion/repos", "events_url": "https://api.github.com/users/ubernion/events{/privacy}", "received_events_url": "https://api.github.com/users/ubernion/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
3
2023-06-22T12:48:29
2023-11-26T16:08:54
2023-11-26T16:08:53
NONE
null
### Issue with current documentation: https://python.langchain.com/docs/modules/data_connection/document_transformers/text_splitters/recursive_text_splitter this function isn't to be found in the text_splitter.py file : from langchain.text_splitter import RecursiveCharacterTextSplitter this returns an error. ### Idea or request for content: _No response_
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6589/reactions", "total_count": 1, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 1 }
https://api.github.com/repos/langchain-ai/langchain/issues/6589/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6587
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6587/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6587/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6587/events
https://github.com/langchain-ai/langchain/pull/6587
1,769,559,419
PR_kwDOIPDwls5TpnLD
6,587
Add missing word in comment
{ "login": "BioGeek", "id": 59344, "node_id": "MDQ6VXNlcjU5MzQ0", "avatar_url": "https://avatars.githubusercontent.com/u/59344?v=4", "gravatar_id": "", "url": "https://api.github.com/users/BioGeek", "html_url": "https://github.com/BioGeek", "followers_url": "https://api.github.com/users/BioGeek/followers", "following_url": "https://api.github.com/users/BioGeek/following{/other_user}", "gists_url": "https://api.github.com/users/BioGeek/gists{/gist_id}", "starred_url": "https://api.github.com/users/BioGeek/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/BioGeek/subscriptions", "organizations_url": "https://api.github.com/users/BioGeek/orgs", "repos_url": "https://api.github.com/users/BioGeek/repos", "events_url": "https://api.github.com/users/BioGeek/events{/privacy}", "received_events_url": "https://api.github.com/users/BioGeek/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T12:16:14
2023-06-22T14:56:05
2023-06-22T14:54:29
CONTRIBUTOR
null
Changed ``` # Do this so we can exactly what's going on under the hood ``` to ``` # Do this so we can see exactly what's going on under the hood ```
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6587/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6587/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6587", "html_url": "https://github.com/langchain-ai/langchain/pull/6587", "diff_url": "https://github.com/langchain-ai/langchain/pull/6587.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6587.patch", "merged_at": "2023-06-22T14:54:29" }
https://api.github.com/repos/langchain-ai/langchain/issues/6586
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6586/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6586/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6586/events
https://github.com/langchain-ai/langchain/issues/6586
1,769,487,548
I_kwDOIPDwls5peDy8
6,586
Pre-built tool list
{ "login": "florence26", "id": 32259316, "node_id": "MDQ6VXNlcjMyMjU5MzE2", "avatar_url": "https://avatars.githubusercontent.com/u/32259316?v=4", "gravatar_id": "", "url": "https://api.github.com/users/florence26", "html_url": "https://github.com/florence26", "followers_url": "https://api.github.com/users/florence26/followers", "following_url": "https://api.github.com/users/florence26/following{/other_user}", "gists_url": "https://api.github.com/users/florence26/gists{/gist_id}", "starred_url": "https://api.github.com/users/florence26/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/florence26/subscriptions", "organizations_url": "https://api.github.com/users/florence26/orgs", "repos_url": "https://api.github.com/users/florence26/repos", "events_url": "https://api.github.com/users/florence26/events{/privacy}", "received_events_url": "https://api.github.com/users/florence26/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T11:29:09
2023-09-28T16:05:43
2023-09-28T16:05:43
NONE
null
### Issue with current documentation: I haven't been able to find any documentation on a comprehensive list of pre-built tools available on Langchain, for example, there is nothing in the documentation that suggests we're able to load the "llm-math" tool? ### Idea or request for content: It would be good to have a list of all pre-built tools!
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6586/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6586/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6585
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6585/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6585/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6585/events
https://github.com/langchain-ai/langchain/issues/6585
1,769,478,728
I_kwDOIPDwls5peBpI
6,585
Not able to clear Conversationbuffermemory.
{ "login": "NageshMashette", "id": 47878506, "node_id": "MDQ6VXNlcjQ3ODc4NTA2", "avatar_url": "https://avatars.githubusercontent.com/u/47878506?v=4", "gravatar_id": "", "url": "https://api.github.com/users/NageshMashette", "html_url": "https://github.com/NageshMashette", "followers_url": "https://api.github.com/users/NageshMashette/followers", "following_url": "https://api.github.com/users/NageshMashette/following{/other_user}", "gists_url": "https://api.github.com/users/NageshMashette/gists{/gist_id}", "starred_url": "https://api.github.com/users/NageshMashette/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/NageshMashette/subscriptions", "organizations_url": "https://api.github.com/users/NageshMashette/orgs", "repos_url": "https://api.github.com/users/NageshMashette/repos", "events_url": "https://api.github.com/users/NageshMashette/events{/privacy}", "received_events_url": "https://api.github.com/users/NageshMashette/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
4
2023-06-22T11:23:00
2023-07-17T14:42:27
2023-07-17T14:42:16
NONE
null
### Feature request The current implementation of ConversationBufferMemory lacks the capability to clear the memory history. When using the load_qa_chain function with ConversationBufferMemory and uploading the abc.pdf file for the first time, subsequent questions based on that document yield expected answers. However, if I then change the file to 123.pdf and ask the same questions as before, the system provides the same answers as those given for the previous pdf. Unfortunately, I have not found a clear_history function within the ConversationBufferMemory, which would enable me to reset or remove the previous memory records. ### Motivation add that clear_history under ConversationBufferMemory to clear all previous saved messages. ### Your contribution no
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6585/reactions", "total_count": 1, "+1": 1, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6585/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6584
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6584/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6584/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6584/events
https://github.com/langchain-ai/langchain/pull/6584
1,769,465,515
PR_kwDOIPDwls5TpScj
6,584
Fix callback forwarding in async plan method for OpenAI function agent
{ "login": "rogeriochaves", "id": 792201, "node_id": "MDQ6VXNlcjc5MjIwMQ==", "avatar_url": "https://avatars.githubusercontent.com/u/792201?v=4", "gravatar_id": "", "url": "https://api.github.com/users/rogeriochaves", "html_url": "https://github.com/rogeriochaves", "followers_url": "https://api.github.com/users/rogeriochaves/followers", "following_url": "https://api.github.com/users/rogeriochaves/following{/other_user}", "gists_url": "https://api.github.com/users/rogeriochaves/gists{/gist_id}", "starred_url": "https://api.github.com/users/rogeriochaves/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/rogeriochaves/subscriptions", "organizations_url": "https://api.github.com/users/rogeriochaves/orgs", "repos_url": "https://api.github.com/users/rogeriochaves/repos", "events_url": "https://api.github.com/users/rogeriochaves/events{/privacy}", "received_events_url": "https://api.github.com/users/rogeriochaves/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T11:13:33
2023-06-22T15:18:32
2023-06-22T15:18:32
CONTRIBUTOR
null
The callback argument was missing, preventing me to get callbacks to work properly when using it async
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6584/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6584/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6584", "html_url": "https://github.com/langchain-ai/langchain/pull/6584", "diff_url": "https://github.com/langchain-ai/langchain/pull/6584.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6584.patch", "merged_at": "2023-06-22T15:18:32" }
https://api.github.com/repos/langchain-ai/langchain/issues/6583
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6583/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6583/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6583/events
https://github.com/langchain-ai/langchain/issues/6583
1,769,393,945
I_kwDOIPDwls5pds8Z
6,583
Create_documents for MarkdownHeaderTextSplitter?
{ "login": "chigkim", "id": 22120994, "node_id": "MDQ6VXNlcjIyMTIwOTk0", "avatar_url": "https://avatars.githubusercontent.com/u/22120994?v=4", "gravatar_id": "", "url": "https://api.github.com/users/chigkim", "html_url": "https://github.com/chigkim", "followers_url": "https://api.github.com/users/chigkim/followers", "following_url": "https://api.github.com/users/chigkim/following{/other_user}", "gists_url": "https://api.github.com/users/chigkim/gists{/gist_id}", "starred_url": "https://api.github.com/users/chigkim/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/chigkim/subscriptions", "organizations_url": "https://api.github.com/users/chigkim/orgs", "repos_url": "https://api.github.com/users/chigkim/repos", "events_url": "https://api.github.com/users/chigkim/events{/privacy}", "received_events_url": "https://api.github.com/users/chigkim/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T10:26:00
2023-09-02T03:34:02
2023-09-02T03:34:01
NONE
null
### Feature request Can we have create_document function for MarkdownHeaderTextSplitter to create documents based on the splits? ### Motivation MarkdownHeaderTextSplitter only has split_text. Not sure how to get documents from the list of dict. ### Your contribution ...
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6583/reactions", "total_count": 2, "+1": 2, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6583/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6582
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6582/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6582/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6582/events
https://github.com/langchain-ai/langchain/issues/6582
1,769,304,923
I_kwDOIPDwls5pdXNb
6,582
Typo
{ "login": "levalencia", "id": 6962857, "node_id": "MDQ6VXNlcjY5NjI4NTc=", "avatar_url": "https://avatars.githubusercontent.com/u/6962857?v=4", "gravatar_id": "", "url": "https://api.github.com/users/levalencia", "html_url": "https://github.com/levalencia", "followers_url": "https://api.github.com/users/levalencia/followers", "following_url": "https://api.github.com/users/levalencia/following{/other_user}", "gists_url": "https://api.github.com/users/levalencia/gists{/gist_id}", "starred_url": "https://api.github.com/users/levalencia/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/levalencia/subscriptions", "organizations_url": "https://api.github.com/users/levalencia/orgs", "repos_url": "https://api.github.com/users/levalencia/repos", "events_url": "https://api.github.com/users/levalencia/events{/privacy}", "received_events_url": "https://api.github.com/users/levalencia/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
0
2023-06-22T09:34:08
2023-06-23T21:56:55
2023-06-23T21:56:55
CONTRIBUTOR
null
### System Info latest version ### Who can help? _No response_ ### Information - [X] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [X] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction Typo on : https://github.com/hwchase17/langchain/blob/d50de2728f95df0ffc59c538bd67e116a8e75a53/langchain/vectorstores/weaviate.py#L49 Instal - > install ### Expected behavior typo corrected
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6582/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6582/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6581
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6581/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6581/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6581/events
https://github.com/langchain-ai/langchain/issues/6581
1,769,299,151
I_kwDOIPDwls5pdVzP
6,581
Improve PubMedAPIWrapper to get the PubMed ID and/or DOI and/or journal information returned.
{ "login": "schinto", "id": 8945782, "node_id": "MDQ6VXNlcjg5NDU3ODI=", "avatar_url": "https://avatars.githubusercontent.com/u/8945782?v=4", "gravatar_id": "", "url": "https://api.github.com/users/schinto", "html_url": "https://github.com/schinto", "followers_url": "https://api.github.com/users/schinto/followers", "following_url": "https://api.github.com/users/schinto/following{/other_user}", "gists_url": "https://api.github.com/users/schinto/gists{/gist_id}", "starred_url": "https://api.github.com/users/schinto/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/schinto/subscriptions", "organizations_url": "https://api.github.com/users/schinto/orgs", "repos_url": "https://api.github.com/users/schinto/repos", "events_url": "https://api.github.com/users/schinto/events{/privacy}", "received_events_url": "https://api.github.com/users/schinto/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T09:30:14
2023-09-28T16:05:48
2023-09-28T16:05:47
NONE
null
### Feature request Improve PubMedAPIWrapper to get the PubMed ID and/or DOI and/or journal information returned. Please rename langchain/utilities/pu**p**med.py to langchain/utilities/pu**b**med.py ### Motivation A user of a chat model can ask the model to provide a link to the original literature to verify if the answer of the model makes sense. ### Your contribution None.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6581/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6581/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6580
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6580/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6580/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6580/events
https://github.com/langchain-ai/langchain/pull/6580
1,769,211,081
PR_kwDOIPDwls5ToaqH
6,580
Dev2049/azure endpoint
{ "login": "dev2049", "id": 130488702, "node_id": "U_kgDOB8cZfg", "avatar_url": "https://avatars.githubusercontent.com/u/130488702?v=4", "gravatar_id": "", "url": "https://api.github.com/users/dev2049", "html_url": "https://github.com/dev2049", "followers_url": "https://api.github.com/users/dev2049/followers", "following_url": "https://api.github.com/users/dev2049/following{/other_user}", "gists_url": "https://api.github.com/users/dev2049/gists{/gist_id}", "starred_url": "https://api.github.com/users/dev2049/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/dev2049/subscriptions", "organizations_url": "https://api.github.com/users/dev2049/orgs", "repos_url": "https://api.github.com/users/dev2049/repos", "events_url": "https://api.github.com/users/dev2049/events{/privacy}", "received_events_url": "https://api.github.com/users/dev2049/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T08:34:10
2023-06-22T08:46:02
2023-06-22T08:46:02
CONTRIBUTOR
null
### Description We have added a new LLM integration `azureml_endpoint` that allows users to leverage models from the AzureML platform. Microsoft recently announced the release of [Azure Foundation Models](https://learn.microsoft.com/en-us/azure/machine-learning/concept-foundation-models?view=azureml-api-2) which users can find in the AzureML Model Catalog. The Model Catalog contains a variety of open source and Hugging Face models that users can deploy on AzureML. The `azureml_endpoint` allows LangChain users to use the deployed Azure Foundation Models. ### Dependencies No added dependencies were required for the change. ### Tests Integration tests were added in `tests/integration_tests/llms/test_azureml_endpoint.py`. ### Notebook A Jupyter notebook demonstrating how to use `azureml_endpoint` was added to `docs/modules/llms/integrations/azureml_endpoint_example.ipynb`. ### Twitters [Prakhar Gupta](https://twitter.com/prakhar_in) [Matthew DeGuzman](https://twitter.com/matthew_d13)
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6580/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6580/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6580", "html_url": "https://github.com/langchain-ai/langchain/pull/6580", "diff_url": "https://github.com/langchain-ai/langchain/pull/6580.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6580.patch", "merged_at": "2023-06-22T08:46:02" }
https://api.github.com/repos/langchain-ai/langchain/issues/6579
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6579/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6579/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6579/events
https://github.com/langchain-ai/langchain/issues/6579
1,769,210,319
I_kwDOIPDwls5pdAHP
6,579
HuggingFace Models as Azure ML Managed endpoints
{ "login": "levalencia", "id": 6962857, "node_id": "MDQ6VXNlcjY5NjI4NTc=", "avatar_url": "https://avatars.githubusercontent.com/u/6962857?v=4", "gravatar_id": "", "url": "https://api.github.com/users/levalencia", "html_url": "https://github.com/levalencia", "followers_url": "https://api.github.com/users/levalencia/followers", "following_url": "https://api.github.com/users/levalencia/following{/other_user}", "gists_url": "https://api.github.com/users/levalencia/gists{/gist_id}", "starred_url": "https://api.github.com/users/levalencia/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/levalencia/subscriptions", "organizations_url": "https://api.github.com/users/levalencia/orgs", "repos_url": "https://api.github.com/users/levalencia/repos", "events_url": "https://api.github.com/users/levalencia/events{/privacy}", "received_events_url": "https://api.github.com/users/levalencia/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T08:33:39
2023-08-14T17:42:55
2023-07-13T13:07:46
CONTRIBUTOR
null
### Feature request You now support Hugging Face Inference endpoints, could you support also HF Models deployed in Azure ML as Managed endpoints? It should be a similar implementation, its a REST API ### Motivation My company would like to use Azure services only :) and many companies are like this ### Your contribution I could help with some guidance.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6579/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6579/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6578
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6578/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6578/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6578/events
https://github.com/langchain-ai/langchain/pull/6578
1,769,172,301
PR_kwDOIPDwls5ToSPr
6,578
Dev2049/openllm
{ "login": "dev2049", "id": 130488702, "node_id": "U_kgDOB8cZfg", "avatar_url": "https://avatars.githubusercontent.com/u/130488702?v=4", "gravatar_id": "", "url": "https://api.github.com/users/dev2049", "html_url": "https://github.com/dev2049", "followers_url": "https://api.github.com/users/dev2049/followers", "following_url": "https://api.github.com/users/dev2049/following{/other_user}", "gists_url": "https://api.github.com/users/dev2049/gists{/gist_id}", "starred_url": "https://api.github.com/users/dev2049/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/dev2049/subscriptions", "organizations_url": "https://api.github.com/users/dev2049/orgs", "repos_url": "https://api.github.com/users/dev2049/repos", "events_url": "https://api.github.com/users/dev2049/events{/privacy}", "received_events_url": "https://api.github.com/users/dev2049/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T08:09:09
2023-06-22T08:18:16
2023-06-22T08:18:14
CONTRIBUTOR
null
update poetry lock
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6578/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6578/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6578", "html_url": "https://github.com/langchain-ai/langchain/pull/6578", "diff_url": "https://github.com/langchain-ai/langchain/pull/6578.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6578.patch", "merged_at": "2023-06-22T08:18:14" }
https://api.github.com/repos/langchain-ai/langchain/issues/6577
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6577/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6577/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6577/events
https://github.com/langchain-ai/langchain/issues/6577
1,769,104,042
I_kwDOIPDwls5pcmKq
6,577
unable to use matching engine
{ "login": "dbg-raghulkrishna", "id": 106546936, "node_id": "U_kgDOBlnG-A", "avatar_url": "https://avatars.githubusercontent.com/u/106546936?v=4", "gravatar_id": "", "url": "https://api.github.com/users/dbg-raghulkrishna", "html_url": "https://github.com/dbg-raghulkrishna", "followers_url": "https://api.github.com/users/dbg-raghulkrishna/followers", "following_url": "https://api.github.com/users/dbg-raghulkrishna/following{/other_user}", "gists_url": "https://api.github.com/users/dbg-raghulkrishna/gists{/gist_id}", "starred_url": "https://api.github.com/users/dbg-raghulkrishna/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/dbg-raghulkrishna/subscriptions", "organizations_url": "https://api.github.com/users/dbg-raghulkrishna/orgs", "repos_url": "https://api.github.com/users/dbg-raghulkrishna/repos", "events_url": "https://api.github.com/users/dbg-raghulkrishna/events{/privacy}", "received_events_url": "https://api.github.com/users/dbg-raghulkrishna/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-22T07:26:32
2023-12-06T08:17:35
2023-09-28T16:05:53
NONE
null
### System Info langchain 0.0.207 platform ubuntu python 3.9 ### Who can help? @hwaking @eyurtsev @tomaspiaggio ### Information - [X] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [X] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction python script ``` from langchain.embeddings import VertexAIEmbeddings embeddings = VertexAIEmbeddings() llm = VertexAI(model_name='text-bison') from langchain.vectorstores import MatchingEngine texts = ['The cat sat on', 'the mat.', 'I like to', 'eat pizza for', 'dinner.', 'The sun sets', 'in the west.'] vector_store = MatchingEngine.from_components( project_id=project, region=location, gcs_bucket_name='bucket_name', index_id="index_id", endpoint_id="endpoint_id", embedding=embeddings ) ``` error message [error.txt](https://github.com/hwchase17/langchain/files/11830103/error.txt) ### Expected behavior expected behavior is pushing the vectors to vectorstore
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6577/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6577/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6574
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6574/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6574/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6574/events
https://github.com/langchain-ai/langchain/issues/6574
1,768,892,323
I_kwDOIPDwls5pbyej
6,574
error when creating SQLDatabase agent with Amazon Athena
{ "login": "ameerhakme", "id": 79616618, "node_id": "MDQ6VXNlcjc5NjE2NjE4", "avatar_url": "https://avatars.githubusercontent.com/u/79616618?v=4", "gravatar_id": "", "url": "https://api.github.com/users/ameerhakme", "html_url": "https://github.com/ameerhakme", "followers_url": "https://api.github.com/users/ameerhakme/followers", "following_url": "https://api.github.com/users/ameerhakme/following{/other_user}", "gists_url": "https://api.github.com/users/ameerhakme/gists{/gist_id}", "starred_url": "https://api.github.com/users/ameerhakme/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/ameerhakme/subscriptions", "organizations_url": "https://api.github.com/users/ameerhakme/orgs", "repos_url": "https://api.github.com/users/ameerhakme/repos", "events_url": "https://api.github.com/users/ameerhakme/events{/privacy}", "received_events_url": "https://api.github.com/users/ameerhakme/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T04:08:00
2023-09-28T16:05:59
2023-09-28T16:05:58
NONE
null
### System Info Version: PyAthena[SQLAlchemy]==2.25.2 langchain==0.0.166 sqlalchemy==1.4.47 Python==3.10.10 ### Who can help? @hwchase17 @agola11 @ey ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [X] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction 1- I'm creating the engine_athena with the following connection string engine_athena = create_engine('awsathena+rest:/@athena.us-east-1.amazonaws.com:443/<schema>?s3_staging_dir=<S3 directory>&work_group=primary') 2- db = SQLDatabase(engine_athena) 3- However, I'm getting an error NoSuchTableError: <table_name> 4- I confirmed that the table exists and I'm able to query it directly using: with engine_athena.connect() as connection: result = connection.execute(text("SELECT * FROM <table_name> limit 10")) for row in result: print(row) ### Expected behavior Expect to receive a Connection is established successfully message. Any pointers to how I can resolve this issue. Here is the full error --------------------------------------------------------------------------- NoSuchTableError Traceback (most recent call last) Cell In[7], line 3 1 # Create the connection string (SQLAlchemy engine) 2 engine_athena = create_engine('awsathena+rest://:443/<table_name>?s3_staging_dir=<S3 directory>/&work_group=primary') ----> 3 db = SQLDatabase(engine_athena) File ~/anaconda3/envs/python3/lib/python3.10/site-packages/langchain/sql_database.py:98, in SQLDatabase.__init__(self, engine, schema, metadata, ignore_tables, include_tables, sample_rows_in_table_info, indexes_in_table_info, custom_table_info, view_support) 96 self._metadata = metadata or MetaData() 97 # including view support if view_support = true ---> 98 self._metadata.reflect( 99 views=view_support, 100 bind=self._engine, 101 only=list(self._usable_tables), 102 schema=self._schema, 103 ) File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/sql/schema.py:4901, in MetaData.reflect(self, bind, schema, views, only, extend_existing, autoload_replace, resolve_fks, **dialect_kwargs) 4899 for name in load: 4900 try: -> 4901 Table(name, self, **reflect_opts) 4902 except exc.UnreflectableTableError as uerr: 4903 util.warn("Skipping table %s: %s" % (name, uerr)) File <string>:2, in __new__(cls, *args, **kw) File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/util/deprecations.py:375, in deprecated_params.<locals>.decorate.<locals>.warned(fn, *args, **kwargs) 368 if m in kwargs: 369 _warn_with_version( 370 messages[m], 371 versions[m], 372 version_warnings[m], 373 stacklevel=3, 374 ) --> 375 return fn(*args, **kwargs) File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/sql/schema.py:618, in Table.__new__(cls, *args, **kw) 616 return table 617 except Exception: --> 618 with util.safe_reraise(): 619 metadata._remove_table(name, schema) File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/util/langhelpers.py:70, in safe_reraise.__exit__(self, type_, value, traceback) 68 self._exc_info = None # remove potential circular references 69 if not self.warn_only: ---> 70 compat.raise_( 71 exc_value, 72 with_traceback=exc_tb, 73 ) 74 else: 75 if not compat.py3k and self._exc_info and self._exc_info[1]: 76 # emulate Py3K's behavior of telling us when an exception 77 # occurs in an exception handler. File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/util/compat.py:211, in raise_(***failed resolving arguments***) 208 exception.__cause__ = replace_context 210 try: --> 211 raise exception 212 finally: 213 # credit to 214 # https://cosmicpercolator.com/2016/01/13/exception-leaks-in-python-2-and-3/ 215 # as the __traceback__ object creates a cycle 216 del exception, replace_context, from_, with_traceback File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/sql/schema.py:614, in Table.__new__(cls, *args, **kw) 612 metadata._add_table(name, schema, table) 613 try: --> 614 table._init(name, metadata, *args, **kw) 615 table.dispatch.after_parent_attach(table, metadata) 616 return table File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/sql/schema.py:689, in Table._init(self, name, metadata, *args, **kwargs) 685 # load column definitions from the database if 'autoload' is defined 686 # we do it after the table is in the singleton dictionary to support 687 # circular foreign keys 688 if autoload: --> 689 self._autoload( 690 metadata, 691 autoload_with, 692 include_columns, 693 _extend_on=_extend_on, 694 resolve_fks=resolve_fks, 695 ) 697 # initialize all the column, etc. objects. done after reflection to 698 # allow user-overrides 700 self._init_items( 701 *args, 702 allow_replacements=extend_existing or keep_existing or autoload 703 ) File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/sql/schema.py:724, in Table._autoload(self, metadata, autoload_with, include_columns, exclude_columns, resolve_fks, _extend_on) 722 insp = inspection.inspect(autoload_with) 723 with insp._inspection_context() as conn_insp: --> 724 conn_insp.reflect_table( 725 self, 726 include_columns, 727 exclude_columns, 728 resolve_fks, 729 _extend_on=_extend_on, 730 ) File ~/anaconda3/envs/python3/lib/python3.10/site-packages/sqlalchemy/engine/reflection.py:789, in Inspector.reflect_table(self, table, include_columns, exclude_columns, resolve_fks, _extend_on) 787 # NOTE: support tables/views with no columns 788 if not found_table and not self.has_table(table_name, schema): --> 789 raise exc.NoSuchTableError(table_name) 791 self._reflect_pk( 792 table_name, schema, table, cols_by_orig_name, exclude_columns 793 ) 795 self._reflect_fk( 796 table_name, 797 schema, (...) 804 reflection_options, 805 ) NoSuchTableError: <table_name>
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6574/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6574/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6573
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6573/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6573/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6573/events
https://github.com/langchain-ai/langchain/pull/6573
1,768,855,859
PR_kwDOIPDwls5TnNvi
6,573
Use modern OpenAI endpoints for embeddings
{ "login": "jacobajit", "id": 10342294, "node_id": "MDQ6VXNlcjEwMzQyMjk0", "avatar_url": "https://avatars.githubusercontent.com/u/10342294?v=4", "gravatar_id": "", "url": "https://api.github.com/users/jacobajit", "html_url": "https://github.com/jacobajit", "followers_url": "https://api.github.com/users/jacobajit/followers", "following_url": "https://api.github.com/users/jacobajit/following{/other_user}", "gists_url": "https://api.github.com/users/jacobajit/gists{/gist_id}", "starred_url": "https://api.github.com/users/jacobajit/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/jacobajit/subscriptions", "organizations_url": "https://api.github.com/users/jacobajit/orgs", "repos_url": "https://api.github.com/users/jacobajit/repos", "events_url": "https://api.github.com/users/jacobajit/events{/privacy}", "received_events_url": "https://api.github.com/users/jacobajit/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
4
2023-06-22T03:16:05
2023-07-13T05:23:18
2023-07-13T05:23:18
CONTRIBUTOR
null
- Description: LangChain passes [engine](https://github.com/hwchase17/langchain/blob/master/langchain/embeddings/openai.py#L256) and not `model` as a field when making OpenAI requests. Within the `openai` Python library, for OpenAI requests, this [makes a call](https://github.com/openai/openai-python/blob/main/openai/api_resources/abstract/engine_api_resource.py#L58) to an endpoint of the form `https://api.openai.com/v1/engines/{engine_id}/embeddings`. These endpoints are [deprecated](https://help.openai.com/en/articles/6283125-what-happened-to-engines) in favor of endpoints of the format `https://api.openai.com/v1/embeddings`, where `model` is passed as a parameter in the request body. While these deprecated endpoints continue to function for now, they may not be supported indefinitely and should be avoided in favor of the newer API format. It appears that `engine` was passed in instead of `model` to make both Azure OpenAI and OpenAI calls work similarly. However, the inclusion of `engine` [causes](https://github.com/openai/openai-python/blob/main/openai/api_resources/abstract/engine_api_resource.py#L58) OpenAI to use the deprecated endpoint, requiring a diverging code path for Azure OpenAI calls where `engine` is passed in additionally (Azure OpenAI requires `engine` to specify a deployment, and can optionally take in `model`). In the long-term, it may be worth considering spinning off Azure OpenAI embeddings into a separate class for ease of use and maintenance, similar to the [implementation for chat models](https://github.com/hwchase17/langchain/blob/master/langchain/chat_models/azure_openai.py). - Tag maintainer: @dev2049 @hwchase17
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6573/reactions", "total_count": 1, "+1": 1, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6573/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6573", "html_url": "https://github.com/langchain-ai/langchain/pull/6573", "diff_url": "https://github.com/langchain-ai/langchain/pull/6573.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6573.patch", "merged_at": "2023-07-13T05:23:18" }
https://api.github.com/repos/langchain-ai/langchain/issues/6572
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6572/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6572/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6572/events
https://github.com/langchain-ai/langchain/pull/6572
1,768,818,204
PR_kwDOIPDwls5TnF0A
6,572
add motherduck docs
{ "login": "hwchase17", "id": 11986836, "node_id": "MDQ6VXNlcjExOTg2ODM2", "avatar_url": "https://avatars.githubusercontent.com/u/11986836?v=4", "gravatar_id": "", "url": "https://api.github.com/users/hwchase17", "html_url": "https://github.com/hwchase17", "followers_url": "https://api.github.com/users/hwchase17/followers", "following_url": "https://api.github.com/users/hwchase17/following{/other_user}", "gists_url": "https://api.github.com/users/hwchase17/gists{/gist_id}", "starred_url": "https://api.github.com/users/hwchase17/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/hwchase17/subscriptions", "organizations_url": "https://api.github.com/users/hwchase17/orgs", "repos_url": "https://api.github.com/users/hwchase17/repos", "events_url": "https://api.github.com/users/hwchase17/events{/privacy}", "received_events_url": "https://api.github.com/users/hwchase17/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T02:23:10
2023-06-22T06:13:47
2023-06-22T06:13:46
COLLABORATOR
null
null
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6572/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6572/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6572", "html_url": "https://github.com/langchain-ai/langchain/pull/6572", "diff_url": "https://github.com/langchain-ai/langchain/pull/6572.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6572.patch", "merged_at": "2023-06-22T06:13:46" }
https://api.github.com/repos/langchain-ai/langchain/issues/6571
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6571/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6571/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6571/events
https://github.com/langchain-ai/langchain/pull/6571
1,768,738,178
PR_kwDOIPDwls5Tm0Cw
6,571
MD header text splitter returns Documents
{ "login": "rlancemartin", "id": 122662504, "node_id": "U_kgDOB0-uaA", "avatar_url": "https://avatars.githubusercontent.com/u/122662504?v=4", "gravatar_id": "", "url": "https://api.github.com/users/rlancemartin", "html_url": "https://github.com/rlancemartin", "followers_url": "https://api.github.com/users/rlancemartin/followers", "following_url": "https://api.github.com/users/rlancemartin/following{/other_user}", "gists_url": "https://api.github.com/users/rlancemartin/gists{/gist_id}", "starred_url": "https://api.github.com/users/rlancemartin/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/rlancemartin/subscriptions", "organizations_url": "https://api.github.com/users/rlancemartin/orgs", "repos_url": "https://api.github.com/users/rlancemartin/repos", "events_url": "https://api.github.com/users/rlancemartin/events{/privacy}", "received_events_url": "https://api.github.com/users/rlancemartin/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-22T01:02:19
2023-06-22T16:25:39
2023-06-22T16:25:39
COLLABORATOR
null
Return `Documents` from MD header text splitter to simplify UX. Updates the test as well as example notebooks.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6571/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6571/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6571", "html_url": "https://github.com/langchain-ai/langchain/pull/6571", "diff_url": "https://github.com/langchain-ai/langchain/pull/6571.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6571.patch", "merged_at": "2023-06-22T16:25:39" }
https://api.github.com/repos/langchain-ai/langchain/issues/6570
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6570/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6570/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6570/events
https://github.com/langchain-ai/langchain/pull/6570
1,768,706,958
PR_kwDOIPDwls5TmtJ9
6,570
Refactor vector storage to correctly handle relevancy scores
{ "login": "raymond-yuan", "id": 17325195, "node_id": "MDQ6VXNlcjE3MzI1MTk1", "avatar_url": "https://avatars.githubusercontent.com/u/17325195?v=4", "gravatar_id": "", "url": "https://api.github.com/users/raymond-yuan", "html_url": "https://github.com/raymond-yuan", "followers_url": "https://api.github.com/users/raymond-yuan/followers", "following_url": "https://api.github.com/users/raymond-yuan/following{/other_user}", "gists_url": "https://api.github.com/users/raymond-yuan/gists{/gist_id}", "starred_url": "https://api.github.com/users/raymond-yuan/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/raymond-yuan/subscriptions", "organizations_url": "https://api.github.com/users/raymond-yuan/orgs", "repos_url": "https://api.github.com/users/raymond-yuan/repos", "events_url": "https://api.github.com/users/raymond-yuan/events{/privacy}", "received_events_url": "https://api.github.com/users/raymond-yuan/received_events", "type": "User", "site_admin": false }
[]
closed
false
{ "login": "rlancemartin", "id": 122662504, "node_id": "U_kgDOB0-uaA", "avatar_url": "https://avatars.githubusercontent.com/u/122662504?v=4", "gravatar_id": "", "url": "https://api.github.com/users/rlancemartin", "html_url": "https://github.com/rlancemartin", "followers_url": "https://api.github.com/users/rlancemartin/followers", "following_url": "https://api.github.com/users/rlancemartin/following{/other_user}", "gists_url": "https://api.github.com/users/rlancemartin/gists{/gist_id}", "starred_url": "https://api.github.com/users/rlancemartin/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/rlancemartin/subscriptions", "organizations_url": "https://api.github.com/users/rlancemartin/orgs", "repos_url": "https://api.github.com/users/rlancemartin/repos", "events_url": "https://api.github.com/users/rlancemartin/events{/privacy}", "received_events_url": "https://api.github.com/users/rlancemartin/received_events", "type": "User", "site_admin": false }
[ { "login": "rlancemartin", "id": 122662504, "node_id": "U_kgDOB0-uaA", "avatar_url": "https://avatars.githubusercontent.com/u/122662504?v=4", "gravatar_id": "", "url": "https://api.github.com/users/rlancemartin", "html_url": "https://github.com/rlancemartin", "followers_url": "https://api.github.com/users/rlancemartin/followers", "following_url": "https://api.github.com/users/rlancemartin/following{/other_user}", "gists_url": "https://api.github.com/users/rlancemartin/gists{/gist_id}", "starred_url": "https://api.github.com/users/rlancemartin/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/rlancemartin/subscriptions", "organizations_url": "https://api.github.com/users/rlancemartin/orgs", "repos_url": "https://api.github.com/users/rlancemartin/repos", "events_url": "https://api.github.com/users/rlancemartin/events{/privacy}", "received_events_url": "https://api.github.com/users/rlancemartin/received_events", "type": "User", "site_admin": false } ]
null
14
2023-06-22T00:25:32
2023-07-25T00:58:37
2023-07-11T03:37:03
CONTRIBUTOR
null
Description: This pull request aims to support generating the correct generic relevancy scores for different vector stores by refactoring the relevance score functions and their selection in the base class and subclasses of VectorStore. This is especially relevant with VectorStores that require a distance metric upon initialization. Note many of the current implenetations of `_similarity_search_with_relevance_scores` are not technically correct, as they just return `self.similarity_search_with_score(query, k, **kwargs)` without applying the relevant score function Also includes changes associated with: https://github.com/hwchase17/langchain/pull/6564 and https://github.com/hwchase17/langchain/pull/6494 See more indepth discussion in thread in #6494 Issue: https://github.com/hwchase17/langchain/issues/6526 https://github.com/hwchase17/langchain/issues/6481 https://github.com/hwchase17/langchain/issues/6346 Dependencies: None The changes include: - Properly handling score thresholding in FAISS `similarity_search_with_score_by_vector` for the corresponding distance metric. - Refactoring the `_similarity_search_with_relevance_scores` method in the base class and removing it from the subclasses for incorrectly implemented subclasses. - Adding a `_select_relevance_score_fn` method in the base class and implementing it in the subclasses to select the appropriate relevance score function based on the distance strategy. - Updating the `__init__` methods of the subclasses to set the `relevance_score_fn` attribute. - Removing the `_default_relevance_score_fn` function from the FAISS class and using the base class's `_euclidean_relevance_score_fn` instead. - Adding the `DistanceStrategy` enum to the `utils.py` file and updating the imports in the vector store classes. - Updating the tests to import the `DistanceStrategy` enum from the `utils.py` file.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6570/reactions", "total_count": 9, "+1": 6, "-1": 0, "laugh": 0, "hooray": 2, "confused": 0, "heart": 1, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6570/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6570", "html_url": "https://github.com/langchain-ai/langchain/pull/6570", "diff_url": "https://github.com/langchain-ai/langchain/pull/6570.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6570.patch", "merged_at": "2023-07-11T03:37:03" }
https://api.github.com/repos/langchain-ai/langchain/issues/6569
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6569/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6569/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6569/events
https://github.com/langchain-ai/langchain/pull/6569
1,768,689,538
PR_kwDOIPDwls5TmpaB
6,569
Remove duplicate databricks entries in ecosystem integrations
{ "login": "gengliangwang", "id": 1097932, "node_id": "MDQ6VXNlcjEwOTc5MzI=", "avatar_url": "https://avatars.githubusercontent.com/u/1097932?v=4", "gravatar_id": "", "url": "https://api.github.com/users/gengliangwang", "html_url": "https://github.com/gengliangwang", "followers_url": "https://api.github.com/users/gengliangwang/followers", "following_url": "https://api.github.com/users/gengliangwang/following{/other_user}", "gists_url": "https://api.github.com/users/gengliangwang/gists{/gist_id}", "starred_url": "https://api.github.com/users/gengliangwang/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/gengliangwang/subscriptions", "organizations_url": "https://api.github.com/users/gengliangwang/orgs", "repos_url": "https://api.github.com/users/gengliangwang/repos", "events_url": "https://api.github.com/users/gengliangwang/events{/privacy}", "received_events_url": "https://api.github.com/users/gengliangwang/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
3
2023-06-22T00:02:11
2023-06-22T02:14:34
2023-06-22T02:14:34
CONTRIBUTOR
null
Currently, there are two Databricks entries in https://python.langchain.com/docs/ecosystem/integrations/ <img width="277" alt="image" src="https://github.com/hwchase17/langchain/assets/1097932/86ab4ad2-6bce-4459-9d56-1ab2fbb69f6d"> The reason is that there are duplicated notebooks for Databricks integration: * https://github.com/hwchase17/langchain/blob/master/docs/extras/ecosystem/integrations/databricks.ipynb * https://github.com/hwchase17/langchain/blob/master/docs/extras/ecosystem/integrations/databricks/databricks.ipynb This PR is to remove the second one for simplicity.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6569/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6569/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6569", "html_url": "https://github.com/langchain-ai/langchain/pull/6569", "diff_url": "https://github.com/langchain-ai/langchain/pull/6569.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6569.patch", "merged_at": "2023-06-22T02:14:34" }
https://api.github.com/repos/langchain-ai/langchain/issues/6568
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6568/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6568/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6568/events
https://github.com/langchain-ai/langchain/pull/6568
1,768,639,474
PR_kwDOIPDwls5Tmehx
6,568
Change Data Loader Namespace
{ "login": "kenzie28", "id": 53704749, "node_id": "MDQ6VXNlcjUzNzA0NzQ5", "avatar_url": "https://avatars.githubusercontent.com/u/53704749?v=4", "gravatar_id": "", "url": "https://api.github.com/users/kenzie28", "html_url": "https://github.com/kenzie28", "followers_url": "https://api.github.com/users/kenzie28/followers", "following_url": "https://api.github.com/users/kenzie28/following{/other_user}", "gists_url": "https://api.github.com/users/kenzie28/gists{/gist_id}", "starred_url": "https://api.github.com/users/kenzie28/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/kenzie28/subscriptions", "organizations_url": "https://api.github.com/users/kenzie28/orgs", "repos_url": "https://api.github.com/users/kenzie28/repos", "events_url": "https://api.github.com/users/kenzie28/events{/privacy}", "received_events_url": "https://api.github.com/users/kenzie28/received_events", "type": "User", "site_admin": false }
[ { "id": 5454193895, "node_id": "LA_kwDOIPDwls8AAAABRRhk5w", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/lgtm", "name": "lgtm", "color": "0E8A16", "default": false, "description": "" } ]
closed
false
null
[]
null
2
2023-06-21T23:01:58
2023-09-17T18:54:18
2023-06-22T02:24:04
CONTRIBUTOR
null
Description: Update the artifact name of the xml file and the namespaces. Co-authored with @tjaffri Maintainers: @rlancemartin, @eyurtsev
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6568/reactions", "total_count": 1, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 1, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6568/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6568", "html_url": "https://github.com/langchain-ai/langchain/pull/6568", "diff_url": "https://github.com/langchain-ai/langchain/pull/6568.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6568.patch", "merged_at": "2023-06-22T02:24:04" }
https://api.github.com/repos/langchain-ai/langchain/issues/6567
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6567/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6567/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6567/events
https://github.com/langchain-ai/langchain/pull/6567
1,768,623,257
PR_kwDOIPDwls5Tma1Y
6,567
docs: update `ecosystem/Dependents` 3 - 1 file
{ "login": "leo-gan", "id": 2256422, "node_id": "MDQ6VXNlcjIyNTY0MjI=", "avatar_url": "https://avatars.githubusercontent.com/u/2256422?v=4", "gravatar_id": "", "url": "https://api.github.com/users/leo-gan", "html_url": "https://github.com/leo-gan", "followers_url": "https://api.github.com/users/leo-gan/followers", "following_url": "https://api.github.com/users/leo-gan/following{/other_user}", "gists_url": "https://api.github.com/users/leo-gan/gists{/gist_id}", "starred_url": "https://api.github.com/users/leo-gan/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/leo-gan/subscriptions", "organizations_url": "https://api.github.com/users/leo-gan/orgs", "repos_url": "https://api.github.com/users/leo-gan/repos", "events_url": "https://api.github.com/users/leo-gan/events{/privacy}", "received_events_url": "https://api.github.com/users/leo-gan/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
6
2023-06-21T22:48:24
2023-07-07T16:42:50
2023-07-07T16:42:31
COLLABORATOR
null
updated dependents (3rd update) Maintainer responsibilities: - General / Misc / if you don't know who to tag: @dev2049
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6567/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6567/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6567", "html_url": "https://github.com/langchain-ai/langchain/pull/6567", "diff_url": "https://github.com/langchain-ai/langchain/pull/6567.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6567.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6566
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6566/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6566/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6566/events
https://github.com/langchain-ai/langchain/pull/6566
1,768,596,189
PR_kwDOIPDwls5TmU2N
6,566
Expanding support for graphql tooling for more diverse graphql use cases.
{ "login": "aerrober", "id": 137232778, "node_id": "U_kgDOCC4Big", "avatar_url": "https://avatars.githubusercontent.com/u/137232778?v=4", "gravatar_id": "", "url": "https://api.github.com/users/aerrober", "html_url": "https://github.com/aerrober", "followers_url": "https://api.github.com/users/aerrober/followers", "following_url": "https://api.github.com/users/aerrober/following{/other_user}", "gists_url": "https://api.github.com/users/aerrober/gists{/gist_id}", "starred_url": "https://api.github.com/users/aerrober/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/aerrober/subscriptions", "organizations_url": "https://api.github.com/users/aerrober/orgs", "repos_url": "https://api.github.com/users/aerrober/repos", "events_url": "https://api.github.com/users/aerrober/events{/privacy}", "received_events_url": "https://api.github.com/users/aerrober/received_events", "type": "User", "site_admin": false }
[ { "id": 4899412369, "node_id": "LA_kwDOIPDwls8AAAABJAcZkQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/area:%20agent", "name": "area: agent", "color": "BFD4F2", "default": false, "description": "Related to agents module" }, { "id": 5680700873, "node_id": "LA_kwDOIPDwls8AAAABUpidyQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:improvement", "name": "auto:improvement", "color": "FBCA04", "default": false, "description": "Medium size change to existing code to handle new use-cases" } ]
closed
false
null
[]
null
7
2023-06-21T22:24:08
2023-07-24T16:50:47
2023-07-24T16:49:56
NONE
null
### Expanding the previous support for graphql tooling to fix some bugs and make it more accessible to diverse graphql use cases. Changes: 1. Previous 'custom_headers' flag did not work as it wasn't hooked into the _EXTRA_LLM_TOOLS dict correctly, fixed that 2. Addition of flag for custom_transport_auth which enables signing request with sigV4 (aws appsync benefits from this) 3. Addition of automatic schema loading - runs introspection query when tool is initialized and injects the schema into the tool description for model use - removes redundant information from the schema before adding to prompt to avoid model confusion - flag disable_schema_load can be used to disable and revert to previous functionality 4. Adds a try ... except around execution as not all graphql errors are serializable as langchain wants, prevents chain from crashing in these cases #### Examples Users can now use more diverse auth modes and have a more streamlined code implementation. ``` # Using an Api Key appsync_tool = load_tools( ['graphql'], graphql_endpoint="...", custom_headers={'x-api-key': '...'}, llm=OpenAI() ) ``` ``` # Using AWS IAM signing credentials = boto3.Session().get_credentials() region = os.getenv("AWS_REGION", "us-east-1") awsauth = AWS4Auth( credentials.access_key, credentials.secret_key, region, "appsync", session_token=credentials.token, ) appsync_signed_requests_tool = load_tools( ['graphql'], graphql_endpoint="...", custom_transport_auth=awsauth, llm=OpenAI() ) ``` In both cases there is no longer a need for the schema to be provided, its now pulled automatically. ``` # Using an agent like this agent = initialize_agent( appsync_tool, llm, agent=AgentType.ZERO_SHOT_REACT_DESCRIPTION, verbose=True, ) ``` We can then query with: ``` agent.run('Who is not friends with bailey?') ``` Then results in a prompt like below: ``` Answer the following questions as best you can. You have access to the following tools: query_graphql: Input to this tool is a detailed and correct GraphQL query, output is a result from the API. If the query is not correct, an error message will be returned. If an error is returned with 'Bad request' in it, rewrite the query and try again. If an error is returned with 'Unauthorized' in it, do not try again, but tell the user to change their authentication. Use the following schema for your queries: type Query { """ Gets your own account info""" self: User """ Get all accounts""" users: [User] } type User { id: String name: String friends: [UserRelation] } type UserRelation { user: User } type Mutation { """ Takes in a parameter of post which is a new post object. Its assumed to be created by you """ createPost(post: NewPost): Post } """ A post on the system""" type Post { id: String title: String content: String author: User } """ A partial object that is used to create a new post""" input NewPost { title: String content: String } Use the following format: Question: the input question you must answer Thought: you should always think about what to do Action: the action to take, should be one of [query_graphql] Action Input: the input to the action Observation: the result of the action ... (this Thought/Action/Action Input/Observation can repeat N times) Thought: I now know the final answer Final Answer: the final answer to the original input question Begin! ``` #### Who can review? @hwchase17
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6566/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6566/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6566", "html_url": "https://github.com/langchain-ai/langchain/pull/6566", "diff_url": "https://github.com/langchain-ai/langchain/pull/6566.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6566.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6565
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6565/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6565/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6565/events
https://github.com/langchain-ai/langchain/pull/6565
1,768,593,533
PR_kwDOIPDwls5TmUQ9
6,565
Upgrade the version of AwaDB and add some new interfaces
{ "login": "ljeagle", "id": 15918167, "node_id": "MDQ6VXNlcjE1OTE4MTY3", "avatar_url": "https://avatars.githubusercontent.com/u/15918167?v=4", "gravatar_id": "", "url": "https://api.github.com/users/ljeagle", "html_url": "https://github.com/ljeagle", "followers_url": "https://api.github.com/users/ljeagle/followers", "following_url": "https://api.github.com/users/ljeagle/following{/other_user}", "gists_url": "https://api.github.com/users/ljeagle/gists{/gist_id}", "starred_url": "https://api.github.com/users/ljeagle/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/ljeagle/subscriptions", "organizations_url": "https://api.github.com/users/ljeagle/orgs", "repos_url": "https://api.github.com/users/ljeagle/repos", "events_url": "https://api.github.com/users/ljeagle/events{/privacy}", "received_events_url": "https://api.github.com/users/ljeagle/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-21T22:21:43
2023-06-22T06:49:56
2023-06-22T06:15:18
CONTRIBUTOR
null
1. upgrade the version of AwaDB 2. add some new interfaces 3. fix bug of packing page content error @dev2049 please review, thanks!
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6565/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6565/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6565", "html_url": "https://github.com/langchain-ai/langchain/pull/6565", "diff_url": "https://github.com/langchain-ai/langchain/pull/6565.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6565.patch", "merged_at": "2023-06-22T06:15:18" }
https://api.github.com/repos/langchain-ai/langchain/issues/6564
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6564/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6564/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6564/events
https://github.com/langchain-ai/langchain/pull/6564
1,768,588,253
PR_kwDOIPDwls5TmTFb
6,564
[VectorStores][FAISS] Score threshold implementation fix
{ "login": "raymond-yuan", "id": 17325195, "node_id": "MDQ6VXNlcjE3MzI1MTk1", "avatar_url": "https://avatars.githubusercontent.com/u/17325195?v=4", "gravatar_id": "", "url": "https://api.github.com/users/raymond-yuan", "html_url": "https://github.com/raymond-yuan", "followers_url": "https://api.github.com/users/raymond-yuan/followers", "following_url": "https://api.github.com/users/raymond-yuan/following{/other_user}", "gists_url": "https://api.github.com/users/raymond-yuan/gists{/gist_id}", "starred_url": "https://api.github.com/users/raymond-yuan/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/raymond-yuan/subscriptions", "organizations_url": "https://api.github.com/users/raymond-yuan/orgs", "repos_url": "https://api.github.com/users/raymond-yuan/repos", "events_url": "https://api.github.com/users/raymond-yuan/events{/privacy}", "received_events_url": "https://api.github.com/users/raymond-yuan/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-21T22:16:38
2023-06-22T00:27:14
2023-06-22T00:27:14
CONTRIBUTOR
null
# Description: Support different metric types for FAISS (and adds generic enum for different vector stores) and fixes bug for score threshold filtering Currently FAISS implementation will filter out scores that are less than the score threshold (for L2, but it should keep these scores, see issue below). If the index is constructed using inner product or jaccard e.g. it should use ge. # Issue https://github.com/hwchase17/langchain/issues/6526 # Tag maintainer: DataLoaders / VectorStores / Retrievers: @rlancemartin, @eyurtsev
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6564/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6564/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6564", "html_url": "https://github.com/langchain-ai/langchain/pull/6564", "diff_url": "https://github.com/langchain-ai/langchain/pull/6564.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6564.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6563
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6563/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6563/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6563/events
https://github.com/langchain-ai/langchain/pull/6563
1,768,448,938
PR_kwDOIPDwls5Tlz4I
6,563
feat: interfaces for async embeddings, implement async openai
{ "login": "BrendanGraham14", "id": 13935040, "node_id": "MDQ6VXNlcjEzOTM1MDQw", "avatar_url": "https://avatars.githubusercontent.com/u/13935040?v=4", "gravatar_id": "", "url": "https://api.github.com/users/BrendanGraham14", "html_url": "https://github.com/BrendanGraham14", "followers_url": "https://api.github.com/users/BrendanGraham14/followers", "following_url": "https://api.github.com/users/BrendanGraham14/following{/other_user}", "gists_url": "https://api.github.com/users/BrendanGraham14/gists{/gist_id}", "starred_url": "https://api.github.com/users/BrendanGraham14/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/BrendanGraham14/subscriptions", "organizations_url": "https://api.github.com/users/BrendanGraham14/orgs", "repos_url": "https://api.github.com/users/BrendanGraham14/repos", "events_url": "https://api.github.com/users/BrendanGraham14/events{/privacy}", "received_events_url": "https://api.github.com/users/BrendanGraham14/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-21T20:41:52
2023-06-22T22:19:01
2023-06-22T06:16:33
CONTRIBUTOR
null
Since it seems like #6111 will be blocked for a bit, I've forked @tyree731's fork and implemented the requested changes. This change adds support to the base Embeddings class for two methods, aembed_query and aembed_documents, those two methods supporting async equivalents of embed_query and embed_documents respectively. This ever so slightly rounds out async support within langchain, with an initial implementation of this functionality being implemented for openai. Implements https://github.com/hwchase17/langchain/issues/6109
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6563/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6563/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6563", "html_url": "https://github.com/langchain-ai/langchain/pull/6563", "diff_url": "https://github.com/langchain-ai/langchain/pull/6563.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6563.patch", "merged_at": "2023-06-22T06:16:33" }
https://api.github.com/repos/langchain-ai/langchain/issues/6562
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6562/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6562/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6562/events
https://github.com/langchain-ai/langchain/pull/6562
1,768,377,383
PR_kwDOIPDwls5TlkGO
6,562
Detailed using the Twilio tool to send messages with 3rd party apps incl. WhatsApp
{ "login": "movaid7", "id": 12106703, "node_id": "MDQ6VXNlcjEyMTA2NzAz", "avatar_url": "https://avatars.githubusercontent.com/u/12106703?v=4", "gravatar_id": "", "url": "https://api.github.com/users/movaid7", "html_url": "https://github.com/movaid7", "followers_url": "https://api.github.com/users/movaid7/followers", "following_url": "https://api.github.com/users/movaid7/following{/other_user}", "gists_url": "https://api.github.com/users/movaid7/gists{/gist_id}", "starred_url": "https://api.github.com/users/movaid7/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/movaid7/subscriptions", "organizations_url": "https://api.github.com/users/movaid7/orgs", "repos_url": "https://api.github.com/users/movaid7/repos", "events_url": "https://api.github.com/users/movaid7/events{/privacy}", "received_events_url": "https://api.github.com/users/movaid7/received_events", "type": "User", "site_admin": false }
[ { "id": 5454193895, "node_id": "LA_kwDOIPDwls8AAAABRRhk5w", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/lgtm", "name": "lgtm", "color": "0E8A16", "default": false, "description": "" } ]
closed
false
null
[]
null
2
2023-06-21T19:58:10
2023-07-03T21:04:26
2023-06-22T02:26:50
CONTRIBUTOR
null
Everything needed to support sending messages over WhatsApp Business Platform (GA), Facebook Messenger (Public Beta) and Google Business Messages (Private Beta) was present. Just added some details on leveraging it.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6562/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6562/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6562", "html_url": "https://github.com/langchain-ai/langchain/pull/6562", "diff_url": "https://github.com/langchain-ai/langchain/pull/6562.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6562.patch", "merged_at": "2023-06-22T02:26:50" }
https://api.github.com/repos/langchain-ai/langchain/issues/6561
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6561/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6561/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6561/events
https://github.com/langchain-ai/langchain/pull/6561
1,768,357,162
PR_kwDOIPDwls5Tlfm7
6,561
Using batches for update document with a new function in ChromaDB
{ "login": "berkedilekoglu", "id": 19657350, "node_id": "MDQ6VXNlcjE5NjU3MzUw", "avatar_url": "https://avatars.githubusercontent.com/u/19657350?v=4", "gravatar_id": "", "url": "https://api.github.com/users/berkedilekoglu", "html_url": "https://github.com/berkedilekoglu", "followers_url": "https://api.github.com/users/berkedilekoglu/followers", "following_url": "https://api.github.com/users/berkedilekoglu/following{/other_user}", "gists_url": "https://api.github.com/users/berkedilekoglu/gists{/gist_id}", "starred_url": "https://api.github.com/users/berkedilekoglu/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/berkedilekoglu/subscriptions", "organizations_url": "https://api.github.com/users/berkedilekoglu/orgs", "repos_url": "https://api.github.com/users/berkedilekoglu/repos", "events_url": "https://api.github.com/users/berkedilekoglu/events{/privacy}", "received_events_url": "https://api.github.com/users/berkedilekoglu/received_events", "type": "User", "site_admin": false }
[ { "id": 5541432778, "node_id": "LA_kwDOIPDwls8AAAABSkuNyg", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/area:%20vector%20store", "name": "area: vector store", "color": "D4C5F9", "default": false, "description": "Related to vector store module" }, { "id": 5680700873, "node_id": "LA_kwDOIPDwls8AAAABUpidyQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:improvement", "name": "auto:improvement", "color": "FBCA04", "default": false, "description": "Medium size change to existing code to handle new use-cases" } ]
closed
false
null
[]
null
9
2023-06-21T19:44:30
2023-09-13T18:39:57
2023-09-13T18:39:56
CONTRIBUTOR
null
https://github.com/hwchase17/langchain/blob/2a4b32dee24c22159805f643b87eece107224951/langchain/vectorstores/chroma.py#L355-L375 Currently, the defined update_document function only takes a single document and its ID for updating. However, Chroma can update multiple documents by taking a list of IDs and documents for batch updates. If we update 'update_document' function both document_id and document can be `Union[str, List[str]]` but we need to do type check. Because embed_documents and update functions takes List for text and document_ids variables. I believe that, writing a new function is the best option. I update the Chroma vectorstore with refreshed information from my website every 20 minutes. Updating the update_document function to perform simultaneous updates for each changed piece of information would significantly reduce the update time in such use cases. For my case I update a total of 8810 chunks. Updating these 8810 individual chunks using the current function takes a total of 8.5 minutes. However, if we process the inputs in batches and update them collectively, all 8810 separate chunks can be updated in just 1 minute. This significantly reduces the time it takes for users of actively used chatbots to access up-to-date information. I can add an integration test and an example for the documentation for the new update_document_batch function. @hwchase17 [berkedilekoglu](https://twitter.com/berkedilekoglu)
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6561/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6561/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6561", "html_url": "https://github.com/langchain-ai/langchain/pull/6561", "diff_url": "https://github.com/langchain-ai/langchain/pull/6561.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6561.patch", "merged_at": "2023-09-13T18:39:56" }
https://api.github.com/repos/langchain-ai/langchain/issues/6560
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6560/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6560/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6560/events
https://github.com/langchain-ai/langchain/pull/6560
1,768,343,140
PR_kwDOIPDwls5TlcmI
6,560
Page per class-style api reference
{ "login": "dev2049", "id": 130488702, "node_id": "U_kgDOB8cZfg", "avatar_url": "https://avatars.githubusercontent.com/u/130488702?v=4", "gravatar_id": "", "url": "https://api.github.com/users/dev2049", "html_url": "https://github.com/dev2049", "followers_url": "https://api.github.com/users/dev2049/followers", "following_url": "https://api.github.com/users/dev2049/following{/other_user}", "gists_url": "https://api.github.com/users/dev2049/gists{/gist_id}", "starred_url": "https://api.github.com/users/dev2049/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/dev2049/subscriptions", "organizations_url": "https://api.github.com/users/dev2049/orgs", "repos_url": "https://api.github.com/users/dev2049/repos", "events_url": "https://api.github.com/users/dev2049/events{/privacy}", "received_events_url": "https://api.github.com/users/dev2049/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T19:32:55
2023-06-30T16:23:34
2023-06-30T16:23:33
CONTRIBUTOR
null
can make it prettier, but what do we think of overall structure? https://api.python.langchain.com/en/dev2049-page_per_class/api_ref.html
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6560/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6560/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6560", "html_url": "https://github.com/langchain-ai/langchain/pull/6560", "diff_url": "https://github.com/langchain-ai/langchain/pull/6560.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6560.patch", "merged_at": "2023-06-30T16:23:33" }
https://api.github.com/repos/langchain-ai/langchain/issues/6559
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6559/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6559/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6559/events
https://github.com/langchain-ai/langchain/pull/6559
1,768,277,108
PR_kwDOIPDwls5TlRzM
6,559
Add tags in agent initialization
{ "login": "vowelparrot", "id": 130414180, "node_id": "U_kgDOB8X2ZA", "avatar_url": "https://avatars.githubusercontent.com/u/130414180?v=4", "gravatar_id": "", "url": "https://api.github.com/users/vowelparrot", "html_url": "https://github.com/vowelparrot", "followers_url": "https://api.github.com/users/vowelparrot/followers", "following_url": "https://api.github.com/users/vowelparrot/following{/other_user}", "gists_url": "https://api.github.com/users/vowelparrot/gists{/gist_id}", "starred_url": "https://api.github.com/users/vowelparrot/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/vowelparrot/subscriptions", "organizations_url": "https://api.github.com/users/vowelparrot/orgs", "repos_url": "https://api.github.com/users/vowelparrot/repos", "events_url": "https://api.github.com/users/vowelparrot/events{/privacy}", "received_events_url": "https://api.github.com/users/vowelparrot/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T19:11:25
2023-06-23T05:35:01
2023-06-23T05:35:00
CONTRIBUTOR
null
Add better docstrings for agent executor as well Inspo: https://github.com/hwchase17/langchainjs/pull/1722 ![image](https://github.com/hwchase17/langchain/assets/130414180/d11662bc-0c0e-4166-9ff3-354d41a9144a)
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6559/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6559/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6559", "html_url": "https://github.com/langchain-ai/langchain/pull/6559", "diff_url": "https://github.com/langchain-ai/langchain/pull/6559.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6559.patch", "merged_at": "2023-06-23T05:35:00" }
https://api.github.com/repos/langchain-ai/langchain/issues/6558
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6558/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6558/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6558/events
https://github.com/langchain-ai/langchain/pull/6558
1,768,235,211
PR_kwDOIPDwls5TlLYH
6,558
docs: New experimental UI for Mendable Search
{ "login": "nickscamara", "id": 20311743, "node_id": "MDQ6VXNlcjIwMzExNzQz", "avatar_url": "https://avatars.githubusercontent.com/u/20311743?v=4", "gravatar_id": "", "url": "https://api.github.com/users/nickscamara", "html_url": "https://github.com/nickscamara", "followers_url": "https://api.github.com/users/nickscamara/followers", "following_url": "https://api.github.com/users/nickscamara/following{/other_user}", "gists_url": "https://api.github.com/users/nickscamara/gists{/gist_id}", "starred_url": "https://api.github.com/users/nickscamara/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/nickscamara/subscriptions", "organizations_url": "https://api.github.com/users/nickscamara/orgs", "repos_url": "https://api.github.com/users/nickscamara/repos", "events_url": "https://api.github.com/users/nickscamara/events{/privacy}", "received_events_url": "https://api.github.com/users/nickscamara/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T19:01:13
2023-07-03T19:52:14
2023-07-03T19:52:14
CONTRIBUTOR
null
This PR introduces a new Mendable UI tailored to a better search experience. We're more closely integrating our traditional search with our AI generation. With this change, you won't have to tab back and forth between the mendable bot and the keyword search. Both types of search are handled in the same bar. This should make the docs easier to navigate. while still letting users get code generations or AI-summarized answers if they so wish. Also, it should reduce the cost. Would love to hear your feedback :) Cc: @dev2049 @hwchase17
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6558/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6558/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6558", "html_url": "https://github.com/langchain-ai/langchain/pull/6558", "diff_url": "https://github.com/langchain-ai/langchain/pull/6558.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6558.patch", "merged_at": "2023-07-03T19:52:14" }
https://api.github.com/repos/langchain-ai/langchain/issues/6556
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6556/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6556/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6556/events
https://github.com/langchain-ai/langchain/pull/6556
1,768,102,983
PR_kwDOIPDwls5Tkv8B
6,556
docs: `ecosystem` change
{ "login": "leo-gan", "id": 2256422, "node_id": "MDQ6VXNlcjIyNTY0MjI=", "avatar_url": "https://avatars.githubusercontent.com/u/2256422?v=4", "gravatar_id": "", "url": "https://api.github.com/users/leo-gan", "html_url": "https://github.com/leo-gan", "followers_url": "https://api.github.com/users/leo-gan/followers", "following_url": "https://api.github.com/users/leo-gan/following{/other_user}", "gists_url": "https://api.github.com/users/leo-gan/gists{/gist_id}", "starred_url": "https://api.github.com/users/leo-gan/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/leo-gan/subscriptions", "organizations_url": "https://api.github.com/users/leo-gan/orgs", "repos_url": "https://api.github.com/users/leo-gan/repos", "events_url": "https://api.github.com/users/leo-gan/events{/privacy}", "received_events_url": "https://api.github.com/users/leo-gan/received_events", "type": "User", "site_admin": false }
[ { "id": 5680700918, "node_id": "LA_kwDOIPDwls8AAAABUpid9g", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:documentation", "name": "auto:documentation", "color": "C5DEF5", "default": false, "description": "Changes to documentation and examples, like .md, .rst, .ipynb files. Changes to the docs/ folder" } ]
closed
false
null
[]
null
7
2023-06-21T17:38:59
2023-07-26T17:13:29
2023-07-26T17:13:28
COLLABORATOR
null
move `Additional_resources` items into `Ecosystem` group Rationale: ToC groups composed from <3 items are too small. These small groups spent precious ToC space and distract user attention. Here I merge two small groups. Maintainer responsibilities: @dev2049
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6556/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6556/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6556", "html_url": "https://github.com/langchain-ai/langchain/pull/6556", "diff_url": "https://github.com/langchain-ai/langchain/pull/6556.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6556.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6555
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6555/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6555/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6555/events
https://github.com/langchain-ai/langchain/pull/6555
1,768,097,863
PR_kwDOIPDwls5Tku7c
6,555
Fix whatsappchatloader - enable parsing new datetime format on WhatsApp chat
{ "login": "suyuchenxm", "id": 44420524, "node_id": "MDQ6VXNlcjQ0NDIwNTI0", "avatar_url": "https://avatars.githubusercontent.com/u/44420524?v=4", "gravatar_id": "", "url": "https://api.github.com/users/suyuchenxm", "html_url": "https://github.com/suyuchenxm", "followers_url": "https://api.github.com/users/suyuchenxm/followers", "following_url": "https://api.github.com/users/suyuchenxm/following{/other_user}", "gists_url": "https://api.github.com/users/suyuchenxm/gists{/gist_id}", "starred_url": "https://api.github.com/users/suyuchenxm/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/suyuchenxm/subscriptions", "organizations_url": "https://api.github.com/users/suyuchenxm/orgs", "repos_url": "https://api.github.com/users/suyuchenxm/repos", "events_url": "https://api.github.com/users/suyuchenxm/events{/privacy}", "received_events_url": "https://api.github.com/users/suyuchenxm/received_events", "type": "User", "site_admin": false }
[ { "id": 5454193895, "node_id": "LA_kwDOIPDwls8AAAABRRhk5w", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/lgtm", "name": "lgtm", "color": "0E8A16", "default": false, "description": "" } ]
closed
false
null
[]
null
2
2023-06-21T17:35:54
2023-06-22T02:11:50
2023-06-22T02:11:49
CONTRIBUTOR
null
- Description: observed new format on WhatsApp exported chat - example: `[2023/5/4, 16:17:13] ~ Carolina: 🥺` - Dependencies: no additional dependencies required - Tag maintainer: @rlancemartin, @eyurtsev
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6555/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6555/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6555", "html_url": "https://github.com/langchain-ai/langchain/pull/6555", "diff_url": "https://github.com/langchain-ai/langchain/pull/6555.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6555.patch", "merged_at": "2023-06-22T02:11:49" }
https://api.github.com/repos/langchain-ai/langchain/issues/6554
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6554/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6554/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6554/events
https://github.com/langchain-ai/langchain/pull/6554
1,768,069,176
PR_kwDOIPDwls5Tko2T
6,554
Wait for all futures
{ "login": "vowelparrot", "id": 130414180, "node_id": "U_kgDOB8X2ZA", "avatar_url": "https://avatars.githubusercontent.com/u/130414180?v=4", "gravatar_id": "", "url": "https://api.github.com/users/vowelparrot", "html_url": "https://github.com/vowelparrot", "followers_url": "https://api.github.com/users/vowelparrot/followers", "following_url": "https://api.github.com/users/vowelparrot/following{/other_user}", "gists_url": "https://api.github.com/users/vowelparrot/gists{/gist_id}", "starred_url": "https://api.github.com/users/vowelparrot/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/vowelparrot/subscriptions", "organizations_url": "https://api.github.com/users/vowelparrot/orgs", "repos_url": "https://api.github.com/users/vowelparrot/repos", "events_url": "https://api.github.com/users/vowelparrot/events{/privacy}", "received_events_url": "https://api.github.com/users/vowelparrot/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T17:17:07
2023-06-22T01:20:18
2023-06-22T01:20:17
CONTRIBUTOR
null
- Expose method to wait for all futures - Wait for submissions in the run_on_dataset functions to ensure runs are fully submitted before cleaning up
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6554/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6554/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6554", "html_url": "https://github.com/langchain-ai/langchain/pull/6554", "diff_url": "https://github.com/langchain-ai/langchain/pull/6554.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6554.patch", "merged_at": "2023-06-22T01:20:17" }
https://api.github.com/repos/langchain-ai/langchain/issues/6552
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6552/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6552/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6552/events
https://github.com/langchain-ai/langchain/pull/6552
1,768,025,315
PR_kwDOIPDwls5TkfSq
6,552
update pr tmpl
{ "login": "dev2049", "id": 130488702, "node_id": "U_kgDOB8cZfg", "avatar_url": "https://avatars.githubusercontent.com/u/130488702?v=4", "gravatar_id": "", "url": "https://api.github.com/users/dev2049", "html_url": "https://github.com/dev2049", "followers_url": "https://api.github.com/users/dev2049/followers", "following_url": "https://api.github.com/users/dev2049/following{/other_user}", "gists_url": "https://api.github.com/users/dev2049/gists{/gist_id}", "starred_url": "https://api.github.com/users/dev2049/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/dev2049/subscriptions", "organizations_url": "https://api.github.com/users/dev2049/orgs", "repos_url": "https://api.github.com/users/dev2049/repos", "events_url": "https://api.github.com/users/dev2049/events{/privacy}", "received_events_url": "https://api.github.com/users/dev2049/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T16:54:20
2023-06-21T17:03:53
2023-06-21T17:03:52
CONTRIBUTOR
null
null
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6552/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6552/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6552", "html_url": "https://github.com/langchain-ai/langchain/pull/6552", "diff_url": "https://github.com/langchain-ai/langchain/pull/6552.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6552.patch", "merged_at": "2023-06-21T17:03:52" }
https://api.github.com/repos/langchain-ai/langchain/issues/6551
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6551/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6551/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6551/events
https://github.com/langchain-ai/langchain/issues/6551
1,768,000,281
I_kwDOIPDwls5pYYsZ
6,551
Unable to utilize AzureCognitiveSearch retriever without error.
{ "login": "na-stewart", "id": 39848845, "node_id": "MDQ6VXNlcjM5ODQ4ODQ1", "avatar_url": "https://avatars.githubusercontent.com/u/39848845?v=4", "gravatar_id": "", "url": "https://api.github.com/users/na-stewart", "html_url": "https://github.com/na-stewart", "followers_url": "https://api.github.com/users/na-stewart/followers", "following_url": "https://api.github.com/users/na-stewart/following{/other_user}", "gists_url": "https://api.github.com/users/na-stewart/gists{/gist_id}", "starred_url": "https://api.github.com/users/na-stewart/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/na-stewart/subscriptions", "organizations_url": "https://api.github.com/users/na-stewart/orgs", "repos_url": "https://api.github.com/users/na-stewart/repos", "events_url": "https://api.github.com/users/na-stewart/events{/privacy}", "received_events_url": "https://api.github.com/users/na-stewart/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
0
2023-06-21T16:43:04
2023-06-27T17:14:06
2023-06-27T17:14:06
NONE
null
### System Info Python 3 Langchain: 0.0.199 ### Who can help? @hwchase17 @agola11 ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [X] LLMs/Chat Models - [ ] Embedding Models - [X] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [ ] Document Loaders - [X] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction I am attempting to create a chatbot as a customer service assistant for a hotel agency. This is so I can experiment with azure cognitive search's sample data. However, I keep running into issues utilizing the retriever. ``` from langchain import OpenAI, PromptTemplate from langchain.chains import RetrievalQA from langchain.memory import ConversationBufferWindowMemory from sandbox.hotels_demo.hotels_retreiver import HotelRetriever from sandbox.hotels_demo.intent_classification import get_customer_intent template = """ Assistant is a large language model trained by OpenAI. Assistant is to act as a customer service agent for a hotel agency. Assistant will describe hotel and discuss pricing if user is attempting to book a hotel. General questions will be answered with summarization. {history} Human: {human_input} Assistant:""" hotel_retriever = HotelRetriever() while True: user_input = input("You: ") if user_input == "EXIT": print("Exiting...") break customer_intent = get_customer_intent(user_input).strip() if customer_intent == "book_hotel" or customer_intent == "new_hotel_question": hotel_retriever.refresh_relevant_hotels(user_input) chatgpt_chain = RetrievalQA.from_chain_type( llm=OpenAI(temperature=0), prompt=PromptTemplate( input_variables=["history", "human_input"], template=template ), retriever=hotel_retriever.vectordb.as_retriever(), memory=ConversationBufferWindowMemory(k=2), ) print( f"AI: {chatgpt_chain.run(human_input=user_input)}" ) ``` ``` from langchain.embeddings import OpenAIEmbeddings from langchain.retrievers import AzureCognitiveSearchRetriever from langchain.vectorstores import Chroma class HotelRetriever: def __init__(self): self.vectordb = None self.retriever = AzureCognitiveSearchRetriever(content_key="Description") def refresh_relevant_hotels(self, prompt): docs = self.retriever.get_relevant_documents(prompt) for document in docs: for key, value in document.metadata.items(): if not isinstance(value, (int, float, str)): document.metadata[key] = str(value) self.vectordb = Chroma.from_documents( documents=docs, embedding=OpenAIEmbeddings(), persist_directory="hotels-store", ) ``` The error that I keep getting is this or some variation of this: ``` Traceback (most recent call last): File "C:\Users\naste\PycharmProjects\altairgpt\sandbox\hotels_demo\app.py", line 30, in <module> chatgpt_chain = RetrievalQA.from_chain_type( File "C:\Users\naste\PycharmProjects\altairgpt\venv\lib\site-packages\langchain\chains\retrieval_qa\base.py", line 94, in from_chain_type return cls(combine_documents_chain=combine_documents_chain, **kwargs) File "C:\Users\naste\PycharmProjects\altairgpt\venv\lib\site-packages\langchain\load\serializable.py", line 61, in __init__ super().__init__(**kwargs) File "pydantic\main.py", line 341, in pydantic.main.BaseModel.__init__ pydantic.error_wrappers.ValidationError: 1 validation error for RetrievalQA prompt extra fields not permitted (type=value_error.extra) ``` ### Expected behavior My goal is to be able to create a gpt chatbot that can query Azure cognitive search data for it's responses in summarizing and providing information about booking hotels based off of Azure's sample data.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6551/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6551/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6550
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6550/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6550/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6550/events
https://github.com/langchain-ai/langchain/pull/6550
1,767,945,203
PR_kwDOIPDwls5TkPPO
6,550
Update README.md
{ "login": "aslp26", "id": 134656724, "node_id": "U_kgDOCAay1A", "avatar_url": "https://avatars.githubusercontent.com/u/134656724?v=4", "gravatar_id": "", "url": "https://api.github.com/users/aslp26", "html_url": "https://github.com/aslp26", "followers_url": "https://api.github.com/users/aslp26/followers", "following_url": "https://api.github.com/users/aslp26/following{/other_user}", "gists_url": "https://api.github.com/users/aslp26/gists{/gist_id}", "starred_url": "https://api.github.com/users/aslp26/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/aslp26/subscriptions", "organizations_url": "https://api.github.com/users/aslp26/orgs", "repos_url": "https://api.github.com/users/aslp26/repos", "events_url": "https://api.github.com/users/aslp26/events{/privacy}", "received_events_url": "https://api.github.com/users/aslp26/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-21T16:08:17
2023-07-06T16:14:09
2023-07-06T16:14:08
NONE
null
change to capital letter <!-- Thank you for contributing to LangChain! Your PR will appear in our release under the title you set. Please make sure it highlights your valuable contribution. Replace this with a description of the change, the issue it fixes (if applicable), and relevant context. List any dependencies required for this change. After you're done, someone will review your PR. They may suggest improvements. If no one reviews your PR within a few days, feel free to @-mention the same people again, as notifications can get lost. Finally, we'd love to show appreciation for your contribution - if you'd like us to shout you out on Twitter, please also include your handle! --> <!-- Remove if not applicable --> Fixes # (issue) #### Before submitting <!-- If you're adding a new integration, please include: 1. a test for the integration - favor unit tests that does not rely on network access. 2. an example notebook showing its use See contribution guidelines for more information on how to write tests, lint etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md --> #### Who can review? Tag maintainers/contributors who might be interested: <!-- For a quicker response, figure out the right person to tag with @ @hwchase17 - project lead Tracing / Callbacks - @agola11 Async - @agola11 DataLoaders - @eyurtsev Models - @hwchase17 - @agola11 Agents / Tools / Toolkits - @hwchase17 VectorStores / Retrievers / Memory - @dev2049 -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6550/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6550/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6550", "html_url": "https://github.com/langchain-ai/langchain/pull/6550", "diff_url": "https://github.com/langchain-ai/langchain/pull/6550.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6550.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6549
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6549/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6549/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6549/events
https://github.com/langchain-ai/langchain/issues/6549
1,767,937,057
I_kwDOIPDwls5pYJQh
6,549
GPU Usage with GPT4All Integration
{ "login": "CRochaVox", "id": 94137813, "node_id": "U_kgDOBZxt1Q", "avatar_url": "https://avatars.githubusercontent.com/u/94137813?v=4", "gravatar_id": "", "url": "https://api.github.com/users/CRochaVox", "html_url": "https://github.com/CRochaVox", "followers_url": "https://api.github.com/users/CRochaVox/followers", "following_url": "https://api.github.com/users/CRochaVox/following{/other_user}", "gists_url": "https://api.github.com/users/CRochaVox/gists{/gist_id}", "starred_url": "https://api.github.com/users/CRochaVox/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/CRochaVox/subscriptions", "organizations_url": "https://api.github.com/users/CRochaVox/orgs", "repos_url": "https://api.github.com/users/CRochaVox/repos", "events_url": "https://api.github.com/users/CRochaVox/events{/privacy}", "received_events_url": "https://api.github.com/users/CRochaVox/received_events", "type": "User", "site_admin": false }
[]
open
false
null
[]
null
4
2023-06-21T16:04:07
2023-12-02T08:05:38
null
NONE
null
### Issue you'd like to raise. Hi guys, I'm wanting to use the llm = GPT4All(model=local_path, callbacks=callbacks, verbose=True) and know if I can make it use the GPU instead of the CPU. Specifically the GPT4All integration, I saw that it does not have any parameters that indicate the use of GPUs so I wanted to know if it is possible to use Langchain loading this model "ggml-gpt4all-l13b-snoozy.bin" with the activation of GPUs? Outside of Langchain I was able to load the model in GPU! ### Suggestion: _No response_
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6549/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6549/timeline
null
null
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6548
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6548/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6548/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6548/events
https://github.com/langchain-ai/langchain/pull/6548
1,767,920,280
PR_kwDOIPDwls5TkJ3y
6,548
Added function _list_all_collections() to milvus.py
{ "login": "JacksonZ03", "id": 60581068, "node_id": "MDQ6VXNlcjYwNTgxMDY4", "avatar_url": "https://avatars.githubusercontent.com/u/60581068?v=4", "gravatar_id": "", "url": "https://api.github.com/users/JacksonZ03", "html_url": "https://github.com/JacksonZ03", "followers_url": "https://api.github.com/users/JacksonZ03/followers", "following_url": "https://api.github.com/users/JacksonZ03/following{/other_user}", "gists_url": "https://api.github.com/users/JacksonZ03/gists{/gist_id}", "starred_url": "https://api.github.com/users/JacksonZ03/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/JacksonZ03/subscriptions", "organizations_url": "https://api.github.com/users/JacksonZ03/orgs", "repos_url": "https://api.github.com/users/JacksonZ03/repos", "events_url": "https://api.github.com/users/JacksonZ03/events{/privacy}", "received_events_url": "https://api.github.com/users/JacksonZ03/received_events", "type": "User", "site_admin": false }
[ { "id": 5541432778, "node_id": "LA_kwDOIPDwls8AAAABSkuNyg", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/area:%20vector%20store", "name": "area: vector store", "color": "D4C5F9", "default": false, "description": "Related to vector store module" }, { "id": 5680700873, "node_id": "LA_kwDOIPDwls8AAAABUpidyQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:improvement", "name": "auto:improvement", "color": "FBCA04", "default": false, "description": "Medium size change to existing code to handle new use-cases" } ]
closed
false
null
[]
null
1
2023-06-21T15:55:07
2023-08-25T17:36:26
2023-08-25T17:36:25
NONE
null
Added a function to list all the available collections in the connected Milvus database. Can be useful when users want to get rid of old collections to make space for new collections. Also, agents can autonomously pick which collection to search in based on the name of the collection without needing users to specify it. Twitter handle: JacksonZheng_ #### Who can review? @hwchase17 - project lead VectorStores / Retrievers / Memory - @dev2049
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6548/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6548/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6548", "html_url": "https://github.com/langchain-ai/langchain/pull/6548", "diff_url": "https://github.com/langchain-ai/langchain/pull/6548.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6548.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6547
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6547/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6547/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6547/events
https://github.com/langchain-ai/langchain/issues/6547
1,767,891,979
I_kwDOIPDwls5pX-QL
6,547
Prebuild a dev container image to improve build time
{ "login": "bamurtaugh", "id": 25310137, "node_id": "MDQ6VXNlcjI1MzEwMTM3", "avatar_url": "https://avatars.githubusercontent.com/u/25310137?v=4", "gravatar_id": "", "url": "https://api.github.com/users/bamurtaugh", "html_url": "https://github.com/bamurtaugh", "followers_url": "https://api.github.com/users/bamurtaugh/followers", "following_url": "https://api.github.com/users/bamurtaugh/following{/other_user}", "gists_url": "https://api.github.com/users/bamurtaugh/gists{/gist_id}", "starred_url": "https://api.github.com/users/bamurtaugh/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/bamurtaugh/subscriptions", "organizations_url": "https://api.github.com/users/bamurtaugh/orgs", "repos_url": "https://api.github.com/users/bamurtaugh/repos", "events_url": "https://api.github.com/users/bamurtaugh/events{/privacy}", "received_events_url": "https://api.github.com/users/bamurtaugh/received_events", "type": "User", "site_admin": true }
[]
closed
false
null
[]
null
3
2023-06-21T15:40:23
2023-11-18T16:06:32
2023-11-18T16:06:31
CONTRIBUTOR
null
### Feature request Thanks so much for merging the PR to update the dev container in this repo https://github.com/hwchase17/langchain/pull/6189! While the dev container now builds and runs successfully, it can take some time to build. One recommendation is for the LangChain team to pre-build an image. ### Motivation We recommend pre-building images with the tools you need rather than creating and building a container image each time you open your project in a dev container. Using pre-built images will result in a faster container startup, simpler configuration, and allows you to pin to a specific version of tools to improve supply-chain security and avoid potential breaks. You can automate pre-building your image by scheduling the build using a DevOps or continuous integration (CI) service like GitHub Actions. There's further info in our docs: https://containers.dev/implementors/reference/#prebuilding. ### Your contribution We're more than happy to answer any questions and would love to hear feedback if you're interested in hosting a pre-built image! On the dev container team side, we're also looking to even better document pre-building: https://github.com/devcontainers/spec/issues/261, which should help as a reference for scenarios like this too.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6547/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6547/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6546
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6546/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6546/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6546/events
https://github.com/langchain-ai/langchain/issues/6546
1,767,824,734
I_kwDOIPDwls5pXt1e
6,546
Set doc_content_chars_max with ArxivLoader
{ "login": "bybrooks", "id": 43193985, "node_id": "MDQ6VXNlcjQzMTkzOTg1", "avatar_url": "https://avatars.githubusercontent.com/u/43193985?v=4", "gravatar_id": "", "url": "https://api.github.com/users/bybrooks", "html_url": "https://github.com/bybrooks", "followers_url": "https://api.github.com/users/bybrooks/followers", "following_url": "https://api.github.com/users/bybrooks/following{/other_user}", "gists_url": "https://api.github.com/users/bybrooks/gists{/gist_id}", "starred_url": "https://api.github.com/users/bybrooks/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/bybrooks/subscriptions", "organizations_url": "https://api.github.com/users/bybrooks/orgs", "repos_url": "https://api.github.com/users/bybrooks/repos", "events_url": "https://api.github.com/users/bybrooks/events{/privacy}", "received_events_url": "https://api.github.com/users/bybrooks/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T15:07:33
2023-09-27T16:05:34
2023-09-27T16:05:33
NONE
null
### Issue you'd like to raise. In order to read all the text of an arxiv article, we want to specify the number of characters that can be read by the ArxivLoader. Is there a way to achieve this in the current code? ### Suggestion: If not, we will create a PR that exposes doc_content_chars_max so that it can be specified on the ArxivLoader side. Thank you!
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6546/reactions", "total_count": 2, "+1": 2, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6546/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6545
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6545/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6545/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6545/events
https://github.com/langchain-ai/langchain/pull/6545
1,767,782,335
PR_kwDOIPDwls5TjsE3
6,545
Update defaults for text splitters
{ "login": "nfcampos", "id": 56902, "node_id": "MDQ6VXNlcjU2OTAy", "avatar_url": "https://avatars.githubusercontent.com/u/56902?v=4", "gravatar_id": "", "url": "https://api.github.com/users/nfcampos", "html_url": "https://github.com/nfcampos", "followers_url": "https://api.github.com/users/nfcampos/followers", "following_url": "https://api.github.com/users/nfcampos/following{/other_user}", "gists_url": "https://api.github.com/users/nfcampos/gists{/gist_id}", "starred_url": "https://api.github.com/users/nfcampos/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/nfcampos/subscriptions", "organizations_url": "https://api.github.com/users/nfcampos/orgs", "repos_url": "https://api.github.com/users/nfcampos/repos", "events_url": "https://api.github.com/users/nfcampos/events{/privacy}", "received_events_url": "https://api.github.com/users/nfcampos/received_events", "type": "User", "site_admin": false }
[ { "id": 5680700873, "node_id": "LA_kwDOIPDwls8AAAABUpidyQ", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/auto:improvement", "name": "auto:improvement", "color": "FBCA04", "default": false, "description": "Medium size change to existing code to handle new use-cases" } ]
closed
false
null
[]
null
5
2023-06-21T14:47:36
2023-11-07T03:59:53
2023-11-07T03:59:53
COLLABORATOR
null
<!-- Thank you for contributing to LangChain! Your PR will appear in our release under the title you set. Please make sure it highlights your valuable contribution. Replace this with a description of the change, the issue it fixes (if applicable), and relevant context. List any dependencies required for this change. After you're done, someone will review your PR. They may suggest improvements. If no one reviews your PR within a few days, feel free to @-mention the same people again, as notifications can get lost. Finally, we'd love to show appreciation for your contribution - if you'd like us to shout you out on Twitter, please also include your handle! --> <!-- Remove if not applicable --> Fixes # (issue) #### Before submitting <!-- If you're adding a new integration, please include: 1. a test for the integration - favor unit tests that does not rely on network access. 2. an example notebook showing its use See contribution guidelines for more information on how to write tests, lint etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md --> #### Who can review? Tag maintainers/contributors who might be interested: <!-- For a quicker response, figure out the right person to tag with @ @hwchase17 - project lead Tracing / Callbacks - @agola11 Async - @agola11 DataLoaders - @eyurtsev Models - @hwchase17 - @agola11 Agents / Tools / Toolkits - @hwchase17 VectorStores / Retrievers / Memory - @dev2049 -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6545/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6545/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6545", "html_url": "https://github.com/langchain-ai/langchain/pull/6545", "diff_url": "https://github.com/langchain-ai/langchain/pull/6545.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6545.patch", "merged_at": null }
https://api.github.com/repos/langchain-ai/langchain/issues/6544
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6544/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6544/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6544/events
https://github.com/langchain-ai/langchain/pull/6544
1,767,775,828
PR_kwDOIPDwls5TjqpW
6,544
Relax string input mapper check
{ "login": "vowelparrot", "id": 130414180, "node_id": "U_kgDOB8X2ZA", "avatar_url": "https://avatars.githubusercontent.com/u/130414180?v=4", "gravatar_id": "", "url": "https://api.github.com/users/vowelparrot", "html_url": "https://github.com/vowelparrot", "followers_url": "https://api.github.com/users/vowelparrot/followers", "following_url": "https://api.github.com/users/vowelparrot/following{/other_user}", "gists_url": "https://api.github.com/users/vowelparrot/gists{/gist_id}", "starred_url": "https://api.github.com/users/vowelparrot/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/vowelparrot/subscriptions", "organizations_url": "https://api.github.com/users/vowelparrot/orgs", "repos_url": "https://api.github.com/users/vowelparrot/repos", "events_url": "https://api.github.com/users/vowelparrot/events{/privacy}", "received_events_url": "https://api.github.com/users/vowelparrot/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T14:44:31
2023-06-21T15:01:43
2023-06-21T15:01:42
CONTRIBUTOR
null
for run evaluator. It could be that an evalutor doesn't need the output
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6544/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6544/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6544", "html_url": "https://github.com/langchain-ai/langchain/pull/6544", "diff_url": "https://github.com/langchain-ai/langchain/pull/6544.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6544.patch", "merged_at": "2023-06-21T15:01:42" }
https://api.github.com/repos/langchain-ai/langchain/issues/6543
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6543/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6543/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6543/events
https://github.com/langchain-ai/langchain/issues/6543
1,767,763,752
I_kwDOIPDwls5pXe8o
6,543
Issue: <Please write a comprehensive title after the 'Issue: ' prefix>
{ "login": "marcomameli1992", "id": 58846715, "node_id": "MDQ6VXNlcjU4ODQ2NzE1", "avatar_url": "https://avatars.githubusercontent.com/u/58846715?v=4", "gravatar_id": "", "url": "https://api.github.com/users/marcomameli1992", "html_url": "https://github.com/marcomameli1992", "followers_url": "https://api.github.com/users/marcomameli1992/followers", "following_url": "https://api.github.com/users/marcomameli1992/following{/other_user}", "gists_url": "https://api.github.com/users/marcomameli1992/gists{/gist_id}", "starred_url": "https://api.github.com/users/marcomameli1992/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/marcomameli1992/subscriptions", "organizations_url": "https://api.github.com/users/marcomameli1992/orgs", "repos_url": "https://api.github.com/users/marcomameli1992/repos", "events_url": "https://api.github.com/users/marcomameli1992/events{/privacy}", "received_events_url": "https://api.github.com/users/marcomameli1992/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-21T14:38:16
2023-10-06T16:07:09
2023-10-06T16:07:08
NONE
null
### Issue you'd like to raise. I try to use this code: `from langchain.agents import create_csv_agent from langchain.llms import AzureOpenAI agent = create_csv_agent(AzureOpenAI(temperature=0, deployment_name="text-davinci-003"), 'data.csv', sep='|', on_bad_lines='skip', verbose=True) print(agent.run("how many rows are there?"))` but when I execute them I obtain a ParserError: pandas.errors.ParserError: Error tokenizing data. C error: Expected 1 fields in line 679, saw 2 but if I try to open the same file with pandas.read_csv function I do not have any error. Can you help me please? Thank you ### Suggestion: _No response_
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6543/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6543/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6541
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6541/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6541/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6541/events
https://github.com/langchain-ai/langchain/pull/6541
1,767,728,208
PR_kwDOIPDwls5TjgHv
6,541
Remove unintended double negation in docstring
{ "login": "BioGeek", "id": 59344, "node_id": "MDQ6VXNlcjU5MzQ0", "avatar_url": "https://avatars.githubusercontent.com/u/59344?v=4", "gravatar_id": "", "url": "https://api.github.com/users/BioGeek", "html_url": "https://github.com/BioGeek", "followers_url": "https://api.github.com/users/BioGeek/followers", "following_url": "https://api.github.com/users/BioGeek/following{/other_user}", "gists_url": "https://api.github.com/users/BioGeek/gists{/gist_id}", "starred_url": "https://api.github.com/users/BioGeek/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/BioGeek/subscriptions", "organizations_url": "https://api.github.com/users/BioGeek/orgs", "repos_url": "https://api.github.com/users/BioGeek/repos", "events_url": "https://api.github.com/users/BioGeek/events{/privacy}", "received_events_url": "https://api.github.com/users/BioGeek/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-21T14:23:12
2023-06-22T12:07:50
2023-06-21T17:01:29
CONTRIBUTOR
null
Small typo fix. `ImportError: If importing vertexai SDK didn't not succeed.` -> `ImportError: If importing vertexai SDK did not succeed.`.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6541/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6541/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6541", "html_url": "https://github.com/langchain-ai/langchain/pull/6541", "diff_url": "https://github.com/langchain-ai/langchain/pull/6541.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6541.patch", "merged_at": "2023-06-21T17:01:29" }
https://api.github.com/repos/langchain-ai/langchain/issues/6540
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6540/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6540/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6540/events
https://github.com/langchain-ai/langchain/pull/6540
1,767,722,835
PR_kwDOIPDwls5Tje7R
6,540
bump to ver 208
{ "login": "hwchase17", "id": 11986836, "node_id": "MDQ6VXNlcjExOTg2ODM2", "avatar_url": "https://avatars.githubusercontent.com/u/11986836?v=4", "gravatar_id": "", "url": "https://api.github.com/users/hwchase17", "html_url": "https://github.com/hwchase17", "followers_url": "https://api.github.com/users/hwchase17/followers", "following_url": "https://api.github.com/users/hwchase17/following{/other_user}", "gists_url": "https://api.github.com/users/hwchase17/gists{/gist_id}", "starred_url": "https://api.github.com/users/hwchase17/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/hwchase17/subscriptions", "organizations_url": "https://api.github.com/users/hwchase17/orgs", "repos_url": "https://api.github.com/users/hwchase17/repos", "events_url": "https://api.github.com/users/hwchase17/events{/privacy}", "received_events_url": "https://api.github.com/users/hwchase17/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T14:20:54
2023-06-21T14:32:37
2023-06-21T14:32:36
COLLABORATOR
null
null
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6540/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6540/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6540", "html_url": "https://github.com/langchain-ai/langchain/pull/6540", "diff_url": "https://github.com/langchain-ai/langchain/pull/6540.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6540.patch", "merged_at": "2023-06-21T14:32:36" }
https://api.github.com/repos/langchain-ai/langchain/issues/6539
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6539/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6539/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6539/events
https://github.com/langchain-ai/langchain/issues/6539
1,767,713,412
I_kwDOIPDwls5pXSqE
6,539
Issue: ImportError: cannot import name 'create_csv_agent' from 'langchain.agents'
{ "login": "marcomameli1992", "id": 58846715, "node_id": "MDQ6VXNlcjU4ODQ2NzE1", "avatar_url": "https://avatars.githubusercontent.com/u/58846715?v=4", "gravatar_id": "", "url": "https://api.github.com/users/marcomameli1992", "html_url": "https://github.com/marcomameli1992", "followers_url": "https://api.github.com/users/marcomameli1992/followers", "following_url": "https://api.github.com/users/marcomameli1992/following{/other_user}", "gists_url": "https://api.github.com/users/marcomameli1992/gists{/gist_id}", "starred_url": "https://api.github.com/users/marcomameli1992/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/marcomameli1992/subscriptions", "organizations_url": "https://api.github.com/users/marcomameli1992/orgs", "repos_url": "https://api.github.com/users/marcomameli1992/repos", "events_url": "https://api.github.com/users/marcomameli1992/events{/privacy}", "received_events_url": "https://api.github.com/users/marcomameli1992/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
2
2023-06-21T14:17:45
2023-06-21T14:43:58
2023-06-21T14:43:58
NONE
null
### Issue you'd like to raise. I try to use the create_csv_agent from langchain.agents but I receive the ImportError that it can't be imported. Do you have a solution for this problem? I have installed langchain with pip ### Suggestion: _No response_
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6539/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6539/timeline
null
completed
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6538
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6538/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6538/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6538/events
https://github.com/langchain-ai/langchain/pull/6538
1,767,689,006
PR_kwDOIPDwls5TjXZx
6,538
Don't raise error if parent not found
{ "login": "vowelparrot", "id": 130414180, "node_id": "U_kgDOB8X2ZA", "avatar_url": "https://avatars.githubusercontent.com/u/130414180?v=4", "gravatar_id": "", "url": "https://api.github.com/users/vowelparrot", "html_url": "https://github.com/vowelparrot", "followers_url": "https://api.github.com/users/vowelparrot/followers", "following_url": "https://api.github.com/users/vowelparrot/following{/other_user}", "gists_url": "https://api.github.com/users/vowelparrot/gists{/gist_id}", "starred_url": "https://api.github.com/users/vowelparrot/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/vowelparrot/subscriptions", "organizations_url": "https://api.github.com/users/vowelparrot/orgs", "repos_url": "https://api.github.com/users/vowelparrot/repos", "events_url": "https://api.github.com/users/vowelparrot/events{/privacy}", "received_events_url": "https://api.github.com/users/vowelparrot/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T14:07:59
2023-06-27T05:57:53
2023-06-27T05:57:52
CONTRIBUTOR
null
Done so that you can pass in a run from the low level api
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6538/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6538/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6538", "html_url": "https://github.com/langchain-ai/langchain/pull/6538", "diff_url": "https://github.com/langchain-ai/langchain/pull/6538.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6538.patch", "merged_at": "2023-06-27T05:57:52" }
https://api.github.com/repos/langchain-ai/langchain/issues/6537
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6537/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6537/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6537/events
https://github.com/langchain-ai/langchain/pull/6537
1,767,683,454
PR_kwDOIPDwls5TjWLX
6,537
feat: faiss filter from list
{ "login": "HenriZuber", "id": 30214688, "node_id": "MDQ6VXNlcjMwMjE0Njg4", "avatar_url": "https://avatars.githubusercontent.com/u/30214688?v=4", "gravatar_id": "", "url": "https://api.github.com/users/HenriZuber", "html_url": "https://github.com/HenriZuber", "followers_url": "https://api.github.com/users/HenriZuber/followers", "following_url": "https://api.github.com/users/HenriZuber/following{/other_user}", "gists_url": "https://api.github.com/users/HenriZuber/gists{/gist_id}", "starred_url": "https://api.github.com/users/HenriZuber/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/HenriZuber/subscriptions", "organizations_url": "https://api.github.com/users/HenriZuber/orgs", "repos_url": "https://api.github.com/users/HenriZuber/repos", "events_url": "https://api.github.com/users/HenriZuber/events{/privacy}", "received_events_url": "https://api.github.com/users/HenriZuber/received_events", "type": "User", "site_admin": false }
[ { "id": 5454193895, "node_id": "LA_kwDOIPDwls8AAAABRRhk5w", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/lgtm", "name": "lgtm", "color": "0E8A16", "default": false, "description": "" } ]
closed
false
null
[]
null
2
2023-06-21T14:05:27
2023-06-21T17:49:02
2023-06-21T17:49:02
CONTRIBUTOR
null
<!-- Thank you for contributing to LangChain! Your PR will appear in our release under the title you set. Please make sure it highlights your valuable contribution. Replace this with a description of the change, the issue it fixes (if applicable), and relevant context. List any dependencies required for this change. After you're done, someone will review your PR. They may suggest improvements. If no one reviews your PR within a few days, feel free to @-mention the same people again, as notifications can get lost. Finally, we'd love to show appreciation for your contribution - if you'd like us to shout you out on Twitter, please also include your handle! --> ### Feature Using FAISS on a retrievalQA task, I found myself wanting to allow in multiple sources. From what I understood, the filter feature takes in a dict of form {key: value} which then will check in the metadata for the exact value linked to that key. I added some logic to be able to pass a list which will be checked against instead of an exact value. Passing an exact value will also work. Here's an example of how I could then use it in my own project: ``` pdfs_to_filter_in = ["file_A", "file_B"] filter_dict = { "source": [f"source_pdfs/{pdf_name}.pdf" for pdf_name in pdfs_to_filter_in] } retriever = db.as_retriever() retriever.search_kwargs = {"filter": filter_dict} ``` I added an integration test based on the other ones I found in `tests/integration_tests/vectorstores/test_faiss.py` under `test_faiss_with_metadatas_and_list_filter()`. It doesn't feel like this is worthy of its own notebook or doc, but I'm open to suggestions if needed. #### Who can review? Tag maintainers/contributors who might be interested: <!-- For a quicker response, figure out the right person to tag with @ @hwchase17 - project lead Tracing / Callbacks - @agola11 Async - @agola11 DataLoaders - @eyurtsev Models - @hwchase17 - @agola11 Agents / Tools / Toolkits - @hwchase17 VectorStores / Retrievers / Memory - @dev2049 --> VectorStores related: @dev2049
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6537/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6537/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6537", "html_url": "https://github.com/langchain-ai/langchain/pull/6537", "diff_url": "https://github.com/langchain-ai/langchain/pull/6537.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6537.patch", "merged_at": "2023-06-21T17:49:02" }
https://api.github.com/repos/langchain-ai/langchain/issues/6536
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6536/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6536/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6536/events
https://github.com/langchain-ai/langchain/pull/6536
1,767,682,682
PR_kwDOIPDwls5TjWAY
6,536
Minor Grammar Fixes in Docs and Comments
{ "login": "aevedis", "id": 12686523, "node_id": "MDQ6VXNlcjEyNjg2NTIz", "avatar_url": "https://avatars.githubusercontent.com/u/12686523?v=4", "gravatar_id": "", "url": "https://api.github.com/users/aevedis", "html_url": "https://github.com/aevedis", "followers_url": "https://api.github.com/users/aevedis/followers", "following_url": "https://api.github.com/users/aevedis/following{/other_user}", "gists_url": "https://api.github.com/users/aevedis/gists{/gist_id}", "starred_url": "https://api.github.com/users/aevedis/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/aevedis/subscriptions", "organizations_url": "https://api.github.com/users/aevedis/orgs", "repos_url": "https://api.github.com/users/aevedis/repos", "events_url": "https://api.github.com/users/aevedis/events{/privacy}", "received_events_url": "https://api.github.com/users/aevedis/received_events", "type": "User", "site_admin": false }
[ { "id": 5454193895, "node_id": "LA_kwDOIPDwls8AAAABRRhk5w", "url": "https://api.github.com/repos/langchain-ai/langchain/labels/lgtm", "name": "lgtm", "color": "0E8A16", "default": false, "description": "" } ]
closed
false
null
[]
null
2
2023-06-21T14:05:05
2023-06-21T17:00:38
2023-06-21T16:53:32
CONTRIBUTOR
null
<!-- Thank you for contributing to LangChain! Your PR will appear in our release under the title you set. Please make sure it highlights your valuable contribution. Replace this with a description of the change, the issue it fixes (if applicable), and relevant context. List any dependencies required for this change. After you're done, someone will review your PR. They may suggest improvements. If no one reviews your PR within a few days, feel free to @-mention the same people again, as notifications can get lost. Finally, we'd love to show appreciation for your contribution - if you'd like us to shout you out on Twitter, please also include your handle! --> <!-- Remove if not applicable --> Fixes # (issue) Just some grammar fixes: I found "retriver" instead of "retriever" in several comments across the documentation and in the comments. I fixed it. #### Before submitting <!-- If you're adding a new integration, please include: 1. a test for the integration - favor unit tests that does not rely on network access. 2. an example notebook showing its use See contribution guidelines for more information on how to write tests, lint etc: https://github.com/hwchase17/langchain/blob/master/.github/CONTRIBUTING.md --> #### Who can review? Tag maintainers/contributors who might be interested: @hwchase17, @agola11, @eyurtsev, @dev2049 <!-- For a quicker response, figure out the right person to tag with @ @hwchase17 - project lead Tracing / Callbacks - @agola11 Async - @agola11 DataLoaders - @eyurtsev Models - @hwchase17 - @agola11 Agents / Tools / Toolkits - @hwchase17 VectorStores / Retrievers / Memory - @dev2049 -->
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6536/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6536/timeline
null
null
false
{ "url": "https://api.github.com/repos/langchain-ai/langchain/pulls/6536", "html_url": "https://github.com/langchain-ai/langchain/pull/6536", "diff_url": "https://github.com/langchain-ai/langchain/pull/6536.diff", "patch_url": "https://github.com/langchain-ai/langchain/pull/6536.patch", "merged_at": "2023-06-21T16:53:32" }
https://api.github.com/repos/langchain-ai/langchain/issues/6535
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6535/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6535/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6535/events
https://github.com/langchain-ai/langchain/issues/6535
1,767,682,298
I_kwDOIPDwls5pXLD6
6,535
S3 Directory Loader reads prefix directory as file_path
{ "login": "datalass1", "id": 25132365, "node_id": "MDQ6VXNlcjI1MTMyMzY1", "avatar_url": "https://avatars.githubusercontent.com/u/25132365?v=4", "gravatar_id": "", "url": "https://api.github.com/users/datalass1", "html_url": "https://github.com/datalass1", "followers_url": "https://api.github.com/users/datalass1/followers", "following_url": "https://api.github.com/users/datalass1/following{/other_user}", "gists_url": "https://api.github.com/users/datalass1/gists{/gist_id}", "starred_url": "https://api.github.com/users/datalass1/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/datalass1/subscriptions", "organizations_url": "https://api.github.com/users/datalass1/orgs", "repos_url": "https://api.github.com/users/datalass1/repos", "events_url": "https://api.github.com/users/datalass1/events{/privacy}", "received_events_url": "https://api.github.com/users/datalass1/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
5
2023-06-21T14:04:53
2024-01-06T10:33:02
2023-09-26T12:46:20
NONE
null
### System Info Langchain version: 0.0.190 boto3: 1.26.156 python: 3.11.4 Linux OS ### Who can help? _No response_ ### Information - [ ] The official example notebooks/scripts - [X] My own modified scripts ### Related Components - [ ] LLMs/Chat Models - [ ] Embedding Models - [ ] Prompts / Prompt Templates / Prompt Selectors - [ ] Output Parsers - [X] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [ ] Agents / Agent Executors - [ ] Tools / Toolkits - [ ] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction Code: ``` from langchain.document_loaders import S3DirectoryLoader loader = S3DirectoryLoader("my-bucket", prefix="folder contains document files") print(loader.load()) ``` Error msg: ![image](https://github.com/hwchase17/langchain/assets/25132365/27c749ff-3f47-4add-9643-ac0842c84ea0) The code to fix is within the for statement of line 29 in s3_directory.py: ``` docs = [] for obj in bucket.objects.filter(Prefix=self.prefix): loader = S3FileLoader(self.bucket, obj.key) docs.extend(loader.load()) return docs ``` It needs to catch out the prefix path that is the first obj.key in the loop, which is not a file (obj.key) that the S3FileLoader (in s3_file.py) can download. A solution could be to bypass any directory/prefix paths and collect only files. ``` docs = [] for obj in bucket.objects.filter(Prefix=self.prefix): if obj.key.endswith("/"): # bypass the prefix directory continue else: loader = S3FileLoader(self.bucket, obj.key) docs.extend(loader.load()) return docs ``` ### Expected behavior I expect the obj.key for S3FileLoader to point to an obj.key that is a file_path e.g. prefix/file_name.docx that will create a temporary file e.g., /tmp/tmp0rlkir33/prefix/file_name.docx and download will be successful into the loader object.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6535/reactions", "total_count": 2, "+1": 2, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6535/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6534
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6534/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6534/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6534/events
https://github.com/langchain-ai/langchain/issues/6534
1,767,607,552
I_kwDOIPDwls5pW40A
6,534
Issue: in "Tool()" seperate the chat models input to "func"
{ "login": "AtAndDev", "id": 136231100, "node_id": "U_kgDOCB64vA", "avatar_url": "https://avatars.githubusercontent.com/u/136231100?v=4", "gravatar_id": "", "url": "https://api.github.com/users/AtAndDev", "html_url": "https://github.com/AtAndDev", "followers_url": "https://api.github.com/users/AtAndDev/followers", "following_url": "https://api.github.com/users/AtAndDev/following{/other_user}", "gists_url": "https://api.github.com/users/AtAndDev/gists{/gist_id}", "starred_url": "https://api.github.com/users/AtAndDev/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/AtAndDev/subscriptions", "organizations_url": "https://api.github.com/users/AtAndDev/orgs", "repos_url": "https://api.github.com/users/AtAndDev/repos", "events_url": "https://api.github.com/users/AtAndDev/events{/privacy}", "received_events_url": "https://api.github.com/users/AtAndDev/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
4
2023-06-21T13:28:23
2023-09-22T17:22:16
2023-09-22T17:15:36
NONE
null
### Issue you'd like to raise. `realistic_vision_tool = Tool( name="realistic_vision_V1.4 image generating", func=realistic_vision_v1_4, #would like to pass some params here description="""Use when you want to generate an image of something with realistic_vision model. Input like "a dog standing on a rock" is decent for this tool so input not-so-detailed prompts to this tool. If an image is generated, tool will return "Successfully generated image.\". Say something like "Generated. Hope it helps.\" if you use this tool. Always input english prompts for the input, even if the user is not speaking english. Enter the inputs in english to this tool.""", )` And i tried to give the chat model params, but it behaived badly ### Suggestion: maybe you can add a param to isolate some params to the "func". Maybe i dont know the solution or im so dumb.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6534/reactions", "total_count": 1, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 1 }
https://api.github.com/repos/langchain-ai/langchain/issues/6534/timeline
null
not_planned
null
null
https://api.github.com/repos/langchain-ai/langchain/issues/6533
https://api.github.com/repos/langchain-ai/langchain
https://api.github.com/repos/langchain-ai/langchain/issues/6533/labels{/name}
https://api.github.com/repos/langchain-ai/langchain/issues/6533/comments
https://api.github.com/repos/langchain-ai/langchain/issues/6533/events
https://github.com/langchain-ai/langchain/issues/6533
1,767,575,817
I_kwDOIPDwls5pWxEJ
6,533
Keep retrying and writing output to local file in an unstructured way in AutoGPT implemented in LangChain
{ "login": "TransformerJialinWang", "id": 63427721, "node_id": "MDQ6VXNlcjYzNDI3NzIx", "avatar_url": "https://avatars.githubusercontent.com/u/63427721?v=4", "gravatar_id": "", "url": "https://api.github.com/users/TransformerJialinWang", "html_url": "https://github.com/TransformerJialinWang", "followers_url": "https://api.github.com/users/TransformerJialinWang/followers", "following_url": "https://api.github.com/users/TransformerJialinWang/following{/other_user}", "gists_url": "https://api.github.com/users/TransformerJialinWang/gists{/gist_id}", "starred_url": "https://api.github.com/users/TransformerJialinWang/starred{/owner}{/repo}", "subscriptions_url": "https://api.github.com/users/TransformerJialinWang/subscriptions", "organizations_url": "https://api.github.com/users/TransformerJialinWang/orgs", "repos_url": "https://api.github.com/users/TransformerJialinWang/repos", "events_url": "https://api.github.com/users/TransformerJialinWang/events{/privacy}", "received_events_url": "https://api.github.com/users/TransformerJialinWang/received_events", "type": "User", "site_admin": false }
[]
closed
false
null
[]
null
1
2023-06-21T13:11:42
2023-09-27T16:05:39
2023-09-27T16:05:39
NONE
null
### System Info AutoGPT on LangChain implementation has shown bugs in internal steps and file output processing phase. In particular, I noticed occasional inconsistencies within the internal processes of the AutoGPT implementation. These slight hitches, though infrequent, interrupt the seamless flow of operations. Also, in the file output processing phase, the actual data output seems to diverge from the expected format, hinting at a potential misalignment during the conversion or translation stages. <img width="1003" alt="AutoGPT LangChain Issues Screenshot 1" src="https://github.com/hwchase17/langchain/assets/63427721/d5bc1ecf-35fb-4636-828c-52f8782b8f3d"> <img width="1272" alt="AutoGPT LangChain Issues Screenshot 2" src="https://github.com/hwchase17/langchain/assets/63427721/4d037c55-b572-4c6d-b479-374927c2ec45"> <img width="1552" alt="AutoGPT LangChain Issues Screenshot 3" src="https://github.com/hwchase17/langchain/assets/63427721/fbb82a50-6600-49f4-8a8d-dd075a209893"> ### Who can help? @TransformerJialinWang @alon ### Information - [ ] The official example notebooks/scripts - [ ] My own modified scripts ### Related Components - [X] LLMs/Chat Models - [ ] Embedding Models - [X] Prompts / Prompt Templates / Prompt Selectors - [X] Output Parsers - [ ] Document Loaders - [ ] Vector Stores / Retrievers - [ ] Memory - [X] Agents / Agent Executors - [ ] Tools / Toolkits - [X] Chains - [ ] Callbacks/Tracing - [ ] Async ### Reproduction # Define your embedding model embeddings_model = OpenAIEmbeddings() # Initialize the vectorstore as empty import faiss embedding_size = 1536 #openai embeddings has 1536 dimensions index = faiss.IndexFlatL2(embedding_size) #Index that stores the full vectors and performs exhaustive search vectorstore = FAISS(embeddings_model.embed_query, index, InMemoryDocstore({}), {}) agent = AutoGPT.from_llm_and_tools( ai_name="Tom", ai_role="Assistant", tools=tools, llm=ChatOpenAI(temperature=0), memory=vectorstore.as_retriever() ) # Set verbose to be true agent.chain.verbose = True agent.run(["Recommend 5 best books to read in Python"]) ### Expected behavior The primary goal is to solve the infinite loop in AutoGPT. The minor one is to provide structured output int local file.
{ "url": "https://api.github.com/repos/langchain-ai/langchain/issues/6533/reactions", "total_count": 0, "+1": 0, "-1": 0, "laugh": 0, "hooray": 0, "confused": 0, "heart": 0, "rocket": 0, "eyes": 0 }
https://api.github.com/repos/langchain-ai/langchain/issues/6533/timeline
null
not_planned
null
null