Create pandas dataframe agent langchain

Create pandas dataframe agent langchain. Feb 14, 2024 · from langchain. csv') agent = create_pandas_dataframe_agent(OpenAI(temperature=0), [df], verbose=True) May 4, 2024 · Returns: An AgentExecutor with the specified agent_type agent and access to a PythonAstREPLTool with the DataFrame(s) and any user-provided extra_tools. The name of the dataframe is `df`. ) I am trying to use local model Vicuna 13b v1. from_agent_and_tools( agent=agent, tools=tools ) where AgentExecutor is a class inherited from a class called Chain which is the “Base interface that all chains should implement”. csv') agent = create_pandas 2 days ago · langchain. py: May 9, 2023 · Pandas Dataframe Agentとは. agents import create_pandas_dataframe_agent'. その中でPandas Dataframe AgentはPandasのデータフレームに特化したAgentとなっています Jul 21, 2023 · Next, create the pandas DataFrame Agent using the create_pandas_dataframe_agent() method and assign the LLM model, defined by llm, and the input data, defined by df. I can see the chain of thought in LangSmith, it's Sep 26, 2023 · I'm helping the LangChain team manage their backlog and am marking this issue as stale. 5-turbo", temperature=0 Cap the max number of iterations. ExcelFile(filename) as xls: for sheet in xls. The run method of the agent can then be used to interact with the dataframe. Parse an output using Pandas DataFrame format. append(temp_df) May 3, 2023 · Langchain Agent Errors and Recommendations for chatbot (Error: json. tools. However, there is no SQL Agent in the current version of LangChain. llms import LlamaCpp from langchain. Agents are a step further, and to start exploring, I took up the Oct 29, 2023 · create_pandas_dataframe_agent(llm, df) will return another class method AgentExecutor. This notebook shows how to use agents to interact with a pandas dataframe. ChatGPTやLangChainについてまだ詳しくない方は Jan 26, 2024 · The function primarily focuses on creating a CSV agent by loading data into a pandas DataFrame and using a pandas agent. Return type. . chat_models import AzureChatOpenAI from langchain. ). PandasDataFrameOutputParser¶ class langchain. llms import OpenAI. Expectation 4 days ago · A Runnable sequence representing an agent. base. I am developing a chatbot/question-answer agent using GPT-4 on pandas dataframe in langchain. agent_name. This notebook goes over how to load data from a pandas DataFrame. In your code, you're correctly creating an instance of ChatOpenAI (which is a subclass of BaseLanguageModel) and passing it as the 'llm' argument to create_pandas_dataframe_agent. agents import create_pandas_dataframe_agent import pandas as pd df = pd. Next, we will be reading in data from a CSV file to create a DataFrame. You should use the tools below to answer the question posed of you: 1) Only answer questions related to the dataframes. 5-turbo API model to Jul 5, 2023 · I want that langchain with a LLM extracts data from a database, putting it in a data frame for data analysis and that the LLM also creates charts from this data with PythonREPL openai-api langchain A Pandas DataFrame is a popular data structure in the Python programming language, commonly used for data manipulation and analysis. MULTI_DF_PREFIX = """ You are working with {num_dfs} pandas dataframes in Python named df1, df2, etc. agents import initialize_agent from langchain. py: loads required libraries; reads set of question from a yaml config file; answers the question using hardcoded, standard Pandas approach . run(user_message). agent_toolkits. Oct 25, 2023 · This will create a CSV agent that you can use with your language model. This notebook goes through how to create your own custom agent. Jan 10, 2024 · This function expects an instance of BaseLanguageModel as the 'llm' argument. agent_toolkits import create_pandas_dataframe_agent from langchain. The model is scored on data that is saved at another path. sheet_names: temp_df = pd. If I look at the output of intermediate steps, I can see that the chatbot tries to print out all relevant rows in the output. import os import pandas as pd from langchain. Aug 6, 2023 · In this example, the dataframe df is passed to the create_pandas_dataframe_agent function along with an instance of the ChatOpenAI class configured to use the GPT-3. agents import create_csv_agent llm = ChatOpenAI(model="gpt-3. g. It provides a set of functions to generate Apr 26, 2024 · The python LangChain framework allows you to develop applications integrating large language models (LLMs). agent_types import AgentType from langchain. llms import OpenAI. matplotlib. In this example, we will use OpenAI Tool Calling to create this agent. NOTE: this agent calls the Python agent under the hood, which executes LLM generated Python code - this can be bad if the LLM generated Python code is harmful. Apr 19, 2024 · I have a Datarame and want to query it using langchain create_pandas_dataframe_agent. 0. it works well dealing with doc QAs. Finally, it creates a Pandas DataFrame agent and returns it. tools import WikipediaQueryRun from langchain_community. Mar 6, 2024 · This behavior is due to the number_of_head_rows parameter in the create_pandas_dataframe_agent function. The Pandas Dataframe agent is designed to facilitate the interaction between language models and pandas dataframes. DataFrames, however, require writing code and can challenge without programming knowledge. langchain_pandas. from langchain import hub from langchain_community. agent_toolkits import create_pandas_dataframe_agent from langchain_openai import OpenAI llm = OpenAI (temperature = 0) suffix = """ This is the result of Apr 21, 2023 · Pandas Dataframe Agent. df = pd. Then, I installed langchain-experimental and changed the import statement to 'from langchain_experimental. prompt. pandas_dataframe. python. It takes as input all the same input variables as the prompt passed in does. 350. I'm working on a project using LangChain to create an agent that can answer questions based on some pandas DataFrames. Oct 12, 2023 · from langchain. The function will read each CSV file into a dataframe and return a pandas dataframe agent. The first thing we want to do is import one of our SQL tables into a pandas dataframe. Aug 23, 2023 · However, upon reviewing the source code, I believe this could also be applied to the CSV agent. This function enables the agent to perform complex data manipulation and analysis tasks by leveraging the powerful pandas library. code-block:: python from langchain_openai import ChatOpenAI from langchain_experimental. If you get an error, debug your code and try again. Example. from langchain. If you have a list of CSV files, you can pass that list instead of a single path. There have been several comments on this issue, including jiyer2016 asking for code snippets on customizing the prompt, PawelFaron requesting a working code snippet for reproduction Nov 8, 2023 · The create_pandas_dataframe_agent function in Langchain is designed to enable interaction with a Pandas DataFrame for question-answering tasks. 5-turbo API model. agents import load_tools from langchain. llms import OpenAI import pandas as pd Getting down with the code I usually prefer to keep file reading and writing Oct 1, 2023 · Does Langchain's create_csv_agent and create_pandas_dataframe_agent functions work with non-OpenAl LLM models too like Llama 2 and Vicuna? The only example I have seen in the documentation (in the links below) are only using OpenAI API. This is generally the most reliable way to create agents. These variables are used to construct the prompt that will be passed to the language model. May 17, 2023 · The create_agent function takes a path to a CSV file as input and returns an agent that can access and use a large language model (LLM). agent_toolkits import create_python_agent from langchain. agents import AgentExecutor, create_openai_tools_agent prompt = hub Mar 9, 2013 · Agents / Agent Executors; Tools / Toolkits; Chains; Callbacks/Tracing; Async; Reproduction. 5-turbo", temperature=0 Sep 26, 2023 · The language model should also be able to work with pandas dataframes, as the CSV file is read into a pandas dataframe before being passed to the create_pandas_dataframe_agent function. xlarge instance size. この記事では、「LangChain」というライブラリを使って、「ChatGPTでPandasのDataFrameを操作する方法」を解説します。. JSONDecodeError: Unterminated string starting) 3 Langchain pandas agent - Azure OpenAI account Take advantage of the LangChain create_pandas_dataframe_agent API to use Vertex AI Generative AI in Google Cloud to answer English-language questions about Pandas dataframes. By default, this parameter is set to 5, which means only the first 5 rows of the dataframe are included in the prompt. You can use the get_num_tokens_from_messages function provided in the context to calculate the number of tokens in your input and adjust accordingly. If I modify some regular expression manually, it works (but again fails if the code is a single line, etc. Feb 21, 2024 · I have a Python file that utilizes AzureChatOpenAI, langchain agents (specifically the create_pandas_dataframe_agent) and Pandas to create an application that allows the user to ask questions based on different SQL tables (loaded as dataframes). agent = create_pandas_dataframe_agent(OpenAI(temperature=1), df, verbose=True) I am a beginner who just tried to use LLM model. We will make the relevant code available in langchain_experimental shortly, with final deprecation from langchain scheduled for Apr 26, 2023 · I am trying to use the Pandas Agent create_pandas_dataframe_agent, but instead of using OpenAI I am replacing the LLM with LlamaCpp. py in the my_dataframe_chatbot subdirectory and add the following code: # import reflex import reflex as rx from langchain_experimental. agent_toolkits import create_csv_agent from langchain. 5-turbo-0613", openai_api_key=openapi_key , streaming=True Jun 20, 2023 · I'm experimenting with Langchain to analyze csv documents. import streamlit as st. 5. agents import create_csv_agent. pyplot as plt: A library for plotting. It uses a language model (LLM) and a DataFrame to generate responses based on the input prompt. chat_models import ChatOpenAI from langchain. The score_tool is a tool I define for the LLM that uses a function named llm Nov 2, 2023 · I created an analytic chatbot using Langchain (with tools and agents) for the backend and Streamlit for the frontend. agents import create_pandas_dataframe_agent. Now add the following function to agent. from langchain_community. I am running this in Python 3. llms import OpenAI from langchain import SerpAPIWrapper from langchain. This notebook shows how to use agents to interact with a Spark DataFrame and Spark Connect. I'm using a GPT-4 model for this. Mar 31, 2023 · If you are comfortable using a very powerful library called Langchain, then it's pretty much possible. You mentioned that you believe the issue lies with the observation rather than the LLM. After that, I have created the agent as shown below. Jul 27, 2023 · 株式会社Galirage(ガリレージ) という「生成AIのシステム開発会社」で、代表をしております^^. Feb 25, 2024 · In my last article, I demonstrated how we can use codeLlama to interact with our data in a pandas dataframe in natural language. g4dn. Up Next. You have access to a python REPL, which you can use to execute python code. Regarding the structure and format of the Observation, Action, and Action Input that the LangChain CSV and pandas dataframe agents require, I wasn't able to Is concatenating the df_list into one DataFrame an option? With regards on creating your df_list another way, I'd do this: import pandas as pd df_list: list[pd. pd_agent = create_pandas_dataframe_agent(OpenAI(temperature=0), df, verbose=True) The code creates a pandas data frame agent using create_pandas_dataframe_agent, it takes in 3 arguments, information about the language model OpenAI(temparature=0), the data frame that we want to pass to the model, and setting verbose to true gives detailed outputs. decoder. csv Jul 5, 2023 · By leveraging Langchain, you can build your own agent and automate data analysis. memory import ConversationBufferMemory from langchain_experimental. 🦜 NOTE: While creating and testing the app, I discovered that usage costs were significantly higher compared to previous apps built in this tutorial series. llms import OpenAI import pandas as pd df = pd. From what I understand, you raised an issue regarding the create_pandas_dataframe_agent function causing an OutputParserException when used with open source models. DataFrame (), verbose = True, extra_tools = tools Jun 15, 2023 · To handle the token size issue when using the create_pandas_dataframe_agent with GPT-3. agent_toolkits import create_pandas_dataframe_agent from langchain Nov 21, 2023 · It then reads the CSV file(s) into a pandas dataframe and passes this dataframe, along with the language model and any additional arguments, to the create_pandas_dataframe_agent function. Dosubot provided a detailed response, suggesting that creating a custom output parser to Dec 13, 2023 · Then, the create_pandas_dataframe_agent function is called, passing in an OpenAI object with a temperature value of 0, the salary data as a pandas dataframe, and a verbose flag set to True. This can be useful to ensure that they do not go haywire and take too many steps. Any help or support would be appreciated! Dec 8, 2023 · What helped me was uninstalling langchain and installing the latest version, 0. Jun 29, 2023 · from langchain. im using the following above method using python repl tool, its displaying the graph but how to save the graph, like in create_pandas_dataframe_agent in langchain agent where we have a save_chatrs=True function. def initialize_agent(openai_api_key, csv_path, verbose=False): agent = create_csv_agent(OpenAI(temperature=0, openai_api_key=openai_api_key), csv_path, verbose=verbose) Oct 11, 2023 · This affects all code that relies on either PythonAstREPLTool or PythonREPLTool, which includes: Agents: Pandas Agent, Xorbits Agent, Spark Agent, Python Agent Toolkits: python Tools: PythonREPLTool, PythonAstREPLTool. So I need to pass the department name as variable in the prompt Jul 17, 2023 · One of the most popular tools is the Python library Pandas, which offers a powerful DataFrame tool to simplify these tasks using a flexible and intuitive structure. Run ("my query" + "context") Feb 5, 2024 · The create_pandas_dataframe_agent function is part of LangChain's experimental features and is used to create an agent that can interact with a pandas DataFrame. numpy as np: A library for numerical computations. For example, below, the chatbot found 40 relevant comments and Oct 2, 2023 · The input_variables parameter in the create_pandas_dataframe_agent function is used to specify the variables that will be included in the prompt created by the ZeroShotAgent or OpenAIFunctionsAgent. #. AgentExecutor. Use this to execute python commands. spark. Jun 27, 2023 · To handle the token size issue when using the create_pandas_dataframe_agent with GPT-3. import openai import pandas as pd from dotenv import load_dotenv from langchain. agents. Aug 10, 2023 · For this, I can create two agents as follows:-Step 0:- Import dependencies. I created the agent like this agent = create_pandas_dataframe_agent( llm=llm, df=df, prefix=prefix, suffix=suffix, max_iterations=4, inp Feb 12, 2024 · This is likely because the 'tools' argument is not expected by the create_pandas_dataframe_agent() function, which is called within the create_csv_agent() function. Below is the snippet of my code -. I'm using the create_pandas_dataframe_agent to create an agent that does the analysis with OpenAI's GPT-3. My company is preparing to integrate this file into a live web application. Oct 31, 2023 · Create a new file state. The create_pandas_dataframe_agent function is a pivotal component for integrating pandas DataFrame operations within a LangChain agent. create_spark_dataframe_agent ¶ langchain_experimental. environ ["OPENAI_API_KEY"] = 'sk-xxx'. Right now I provide that in the query e. But without the specialized Pandas agent, the regular agent seems to be producing bad/bogus Python, trying to filter the DataFrame (either with syntax errors or just doing the wrong thing). I have the python 3 langchain code below that I'm using to create a conversational agent and define a tool for it to use. This article provides a concise step-by-step guide to creating a Langchain agent using the pre-built pandas agent Jul 4, 2023 · 3. Only use the output of your code to answer the question. llms import AzureOpenAI. In the provided code, the create_csv_agent() function accepts **kwargs: Any as an argument and passes it to create_pandas_dataframe_agent() . com. To bridge this gap and make data analysis more widely available, a combination of Jul 30, 2023 · I did follow the instructions for solving this based on How to add conversational memory to pandas toolkit agent? llm_code = ChatOpenAI(temperature=0, model_name=";gpt-4-0613") llm_context = May 8, 2023 · For those unfamiliar with Pandas, it is a widely-used Python library for handling tabular data. agents import AgentExecutor, create_react_agent. output_parsers. It's easy to get the agent going, I followed the examples in the Langchain Docs. It effectively creates an agent that uses OpenAI's Sep 12, 2023 · 1. ChatOpenAI. However I want to pass one dynamic variable with the prompt. The handling of prompts would likely occur within the create_pandas_dataframe_agent function or elsewhere in the LangChain framework, but this is not shown in May 25, 2023 · Based on my understanding, the issue is about a pandas dataframe agent in the Langchain library returning incorrect results even though the action input is correct. May 2, 2023 · From what I understand, you opened this issue requesting a modification to the Pandas agent to return the output as a Pandas DataFrame object instead of a string. We're just getting started with agent toolkits and plan on adding many more in the future. To do so, we can use the pyodbc library in Python, which you can easily install via pip install pyodc. csv') agent = create_pandas_dataframe_agent(OpenAI(temperature=0), df, verbose=True) agent. To load all rows from your dataframe, you need to set number_of_head_rows to a value that equals or exceeds the total Jul 14, 2023 · import boto3 import json import os import sys from langchain. import pandas as pd. 4 days ago · create_spark_dataframe_agent() langchain_experimental. create_openai_functions_agent. pip uninstall langchain pip install langchain pip install langchain_experimental Then in code: May 19, 2023 · After getting the data ready, we need to instantiate the agent: agent = create_pandas_dataframe_agent(OpenAI(temperature=0, model_name = 'gbt4'), df, verbose=True) We need to create a LangChain agent for processing natural language using OpenAI’s language model and then create a Pandas DataFrame agent from the provided CSV file titanic. csv") Custom agent. It is mostly optimized for question answering. run ("What is the name of the gen 5 pokemon has the Mar 23, 2023 · I tried creating a pandas dataframe agent (using create_dataframe_agent) with ChatOpenAI from promptlayer or otherwise just plain version (ChatOpenAI) as the LLM! But langchain isn't able to parse the LLM's output code. agents: A function to create an agent that interacts with pandas DataFrames. The tool returns the accuracy score for a pre-trained model saved at a given path. It returns as output either an AgentAction or AgentFinish. For example: df has columns department, salary, manager_name, emp_name. This output parser allows users to specify an Jan 12, 2024 · 1. Example: . agent. LangChainにはAgentという要求されたクエリに対して、ToolとLLMを使用しながら繰り返し結果を得て最終的な回答を導き出す機能があります。. agent_types import AgentType from langchain. callbacks. agent_types import AgentType import pandas as pd import os Jan 16, 2024 · Description. The function first creates an OpenAI object and then reads the CSV file into a Pandas DataFrame. May 20, 2023 · Langchain pandas agents (create_pandas_dataframe_agent ) is hard to work with llama models. 5 (LLaMa2 based) to create a local Question&Answer system. csv Pandas DataFrame. Memory is needed to enable conversation. 9 on a SageMaker notebook, with a ml. Jun 21, 2023 · I am trying to add memory to create_pandas_dataframe_agent to perform post processing on a model that I trained using Langchain. python. I am using the following code at the moment. llm_chain. import os. I changed it a bit as I am using Azure OpenAI account referring this. pandas as pd: A library for data manipulation. I am trying to use Langchain for structured data using these steps from the official document. langchain. run("how many rows are there?") > Entering new AgentExecutor chain Jun 25, 2023 · Hi, @matt7salomon I'm helping the LangChain team manage their backlog and am marking this issue as stale. csv') agent = create_pandas_dataframe_agent (OpenAI (temperature=0), df, verbose=True) agent. This notebook walks through how to cap an agent at taking a certain number of steps. We will use the LangChain wrap Dec 2, 2023 · Since create_pandas_dataframe_agent takes the df argument, I can't create this agent unless/until the tool f is called, producing the DataFrame. agents import create_pandas_dataframe_agent from langchain. template = """ You are working with a pandas dataframe in Python. (the same scripts work well with gpt3. It looks like you opened this issue as a feature request to add memory support to the create_pandas_dataframe_agent in Langchain for post-processing a trained model. utilities import WikipediaAPIWrapper from langchain_openai import ChatOpenAI api_wrapper = WikipediaAPIWrapper (top_k_results = 1, doc_content_chars_max = 100) Trying to add context to dataframe agent. The expected behavior is for the agent to return 25. tools import Tool question = 'Which itemnumber has the most sales and what is the product description of the itemnumber?' search = SerpAPIWrapper(serpapi_api_key Hi @ALL, Hope all of you are doing great. agents import create_csv_agent import os import openai Apr 12, 2023 · from langchain. agents. read_excel(xls, sheet_name=sheet) df_list. We will first create it WITHOUT memory, but we will then show how to add memory in. Aug 25, 2023 · I currently have a dataset in csv file, and I converted it into the pandas dataframe. Now , let’s understand the agent and tools passed to the method in 2. Spark Dataframe. Apr 17, 2023 · In this video, we are going to explore the Pandas data frame agent to try to understand what the future of data analysis holds. I want to find top 3 manager names for the department "CSE". After initializing the the LLM and the agent (the csv agent is initialized with a csv file containing data from an online retailer), I run the agent with agent. using langchain experimental, i'm trying to interact with sql db, where i should also be able to plot the graph using natural language. 9, max_tokens = 2048) agent = create_pandas_dataframe_agent (llm, df_race, verbose = True) agent. Nov 19, 2023 · Creating the agent is a simple process since we are going to use the create_pandas_dataframe_agent provided by Langchain! For those who might not be familiar with it, an agent is a component that can help to tap into a collection of tools, making decisions on which to use based on the users’ input. Sep 5, 2023 · In the LangChain codebase, we have two types of agents you mentioned: the Pandas Dataframe agent and the CSV agent. llms import HuggingFacePipeline import pandas as pd llm = HuggingFacePipeline. Use cautiously. agents import AgentExecutor from langchain. run("how many Apr 7, 2023 · from langchain. CSV agent - an agent capable of question answering over CSVs, builds on top of the Pandas DataFrame agent. read_csv('titanic. DataFrame] = [] with pd. Dec 22, 2023 · I am using the CSV agent which is essentially a wrapper for the Pandas Dataframe agent, both of which are included in langchain-experimental. run ("データフレームは、中山競馬場で行われた2023年有馬記念(GI・芝2500m)のレース結果です。 To start using LangChain, import the necessary libraries. read_csv ('pokemon. You should use the tools below to answer the question posed of you: python_repl_ast: A Python shell. os. streaming_stdout import StreamingStdOutCallbackHandler callback_manager = CallbackManager([StreamingStdOutCallbackHandler Feb 23, 2024 · create_pandas_dataframe_agent from langchain_experimental. 5-turbo-0613 model. Agents in LangChain are components that allow you to interact with third-party tools via natural language. Here is my code: import os. To connect with my Azure SQL DB, I used an ODBC connection. instructions = """You are an agent designed to write and execute python code to answer questions. Input should be a valid python command. tool import PythonREPLTool 3 days ago · An AgentExecutor with the specified agent_type agent and access to a PythonAstREPLTool with the loaded DataFrame (s) and any user-provided extra_tools. I have tried adding the memory via construcor: create_pandas_dataframe_agent(llm, df, verbose=True, memory=memory) which didn't break the code but didn't resulted in the agent to remember my previous questions. PandasDataFrameOutputParser [source] ¶ Bases: BaseOutputParser. It works, but for some users’ questions, it takes too much time to output anything. I am able to make it work with following code: gpt4_agent = c I have been trying to add memory to my create_pandas_dataframe_agent agent and ran into some issues. The following example from the documentation illustrates this interaction: from langchain. llms import OpenAI llm = OpenAI (temperature = 0. If external_tools is passed as part of the **kwargs argument, it would be passed along to the create_pandas_dataframe_agent function, but the provided context does not show how create_pandas_dataframe_agent handles external Mar 1, 2023 · Pandas DataFrame agent - an agent capable of question-answering over Pandas dataframes, builds on top of the Python agent. document_loaders import DataFrameLoader. create_spark_dataframe_agent ( llm : BaseLLM , df : Any , callback_manager : Optional [ BaseCallbackManager ] = None , prefix : str = 'You are working with a spark Apr 14, 2023 · LangChain library installed (you can do so via pip install langchain) Quickstart Demo. I'm running into an issue where I'm trying to pass a custom prompt template into the agent but it doesn't seem to be taking it into account. from langchain_openai import ChatOpenAI from langchain_experimental. from_model_id ( model_id = "google/flan-t5-small", task = "text2text-generation", device = 0) agent = create_pandas_dataframe_agent (llm, pd. llms import OpenAI from langchain. The command is executed by the agent, which uses the GPT-3. It provides a comprehensive set of tools for working with structured data, making it a versatile option for tasks such as data cleaning, transformation, and analysis. manager import CallbackManager from langchain. I have been able to put together a good demo quickly using 'create_pandas_dataframe_agent' but as I start asking harder questions about my data I find it needs to be given some context. base . agents import Tool from langchain_experimental. Please note that the pandas package is required for this from langchain import hub from langchain. 5 Turbo, you can try the following approaches: Truncate or shorten the input text to fit within the token limit. For example, you can use LangChain agents to access information on the web, to interact with CSV files, Pandas DataFrames, SQL Nov 17, 2023 · from langchain. agents import create_pandas_dataframe_agent from langchain. Create a new model by parsing and validating input data from keyword arguments. read_csv("titanic. agent. Jun 18, 2023 · I want to add a ConversationBufferMemory to pandas_dataframe_agent but so far I was unsuccessful. read_csv ( "/content/package-manifest. seaborn as sns: A library for data visualization. from langchain import hub. 2 days ago · Returns: An AgentExecutor with the specified agent_type agent and access to a PythonAstREPLTool with the loaded DataFrame(s) and any user-provided extra_tools. temperature=0, model="gpt-3. agents import AgentExecutor, create_openai_functions_agent from langchain_community. mx sq vl cb js rm on ym sf me