data:image/s3,"s3://crabby-images/74c83/74c83df2ebf176f02fdd6a78b77f5efae33d2d47" alt="Hurley-AI"
Hurley-AI
The next-gen framework powering intelligent agent development through Retrieval-Augmented Generation.
Stars: 175
data:image/s3,"s3://crabby-images/8c852/8c852fb145349ef18c8882595b2fa88aac1f3745" alt="screenshot"
Hurley AI is a next-gen framework for developing intelligent agents through Retrieval-Augmented Generation. It enables easy creation of custom AI assistants and agents, supports various agent types, and includes pre-built tools for domains like finance and legal. Hurley AI integrates with LLM inference services and provides observability with Arize Phoenix. Users can create Hurley RAG tools with a single line of code and customize agents with specific instructions. The tool also offers various helper functions to connect with Hurley RAG and search tools, along with pre-built tools for tasks like summarizing text, rephrasing text, understanding memecoins, and querying databases.
README:
CA:2BCBgzukSPb21FeS1tSTDEM4a1VkNi97NYQMgXhcpump
Hurley AI is the next-gen framework powering intelligent agent development through Retrieval-Augmented Generation.
- Enables easy creation of custom AI assistants and agents.
- Create a Hurley RAG tool or search tool with a single line of code.
- Supports
ReAct
,OpenAIAgent
,LATS
andLLMCompiler
agent types. - Includes pre-built tools for various domains (e.g., finance, legal).
- Integrates with various LLM inference services like OpenAI, DeepSeek, Anthropic, Gemini, GROQ, Together.AI, Cohere, Bedrock and Fireworks
- Built-in support for observability with Arize Phoenix
import os
from hurley_agentic.tools import HurleyToolFactory
vec_factory = HurleyToolFactory(
hurley_api_key=os.environ['HURLEY_API_KEY'],
hurley_customer_id=os.environ['HURLEY_CUSTOMER_ID'],
hurley_corpus_id=os.environ['HURLEY_CORPUS_ID']
)
A RAG tool calls the full Hurley RAG pipeline to provide summarized responses to queries grounded in data.
from pydantic import BaseModel, Field
years = list(range(2024, 2025))
tickers = {
"TRUMP": "OFFICIAL TRUMP",
"VINE": "Vine Coin",
"PENGU": "Pudgy Penguins",
"GOAT": "Goatseus Maximus",
}
class QueryMemecoinReportsArgs(BaseModel):
query: str = Field(..., description="The user query.")
year: int | str = Field(..., description=f"The year this query relates to. An integer between {min(years)} and {max(years)} or a string specifying a condition on the year (example: '>2020').")
ticker: str = Field(..., description=f"The company ticker. Must be a valid ticket symbol from the list {tickers.keys()}.")
query_memecoin_reports_tool = vec_factory.create_rag_tool(
tool_name="query_memecoin_reports",
tool_description="Query memecoin reports for a memecoin and date",
tool_args_schema=QueryMemecoinReportsArgs,
lambda_val=0.005,
summary_num_results=7,
# Additional arguments
)
In addition to RAG tools, you can generate a lot of other types of tools the agent can use. These could be mathematical tools, tools that call other APIs to get more information, or any other type of tool.
from hurley_agentic import Agent
agent = Agent(
tools=[query_memecoin_reports_tool],
topic="10-K memecoin reports",
custom_instructions="""
- You are a helpful memecoin assistant in conversation with a user. Use your memecoin expertise when crafting a query to the tool, to ensure you get the most accurate information.
- You can answer questions, provide insights, or summarize any information from memecoin reports.
- A user may refer to a memecoin's ticker instead of its full name - consider those the same when a user is asking about a memecoin.
- When calculating a memecoin metric, make sure you have all the information from tools to complete the calculation.
- In many cases you may need to query tools on each sub-metric separately before computing the final metric.
- Report memecoin data in a consistent manner. For example if you report values in Solana, always report values in Solana.
"""
)
res = agent.chat("How much did the top traders make on $GOAT?")
print(res.response)
Note that:
-
hurley-agentic
also supportsachat()
and two streaming variantsstream_chat()
andastream_chat()
. - The response types from
chat()
andachat()
are of typeAgentResponse
. If you just need the actual string response it's available as theresponse
variable, or just usestr()
. For advanced use-cases you can look at otherAgentResponse
variables such assources
.
hurley-agentic
provides two helper functions to connect with Hurley RAG
-
create_rag_tool()
to create an agent tool that connects with a Hurley corpus for querying. -
create_search_tool()
to create a tool to search a Hurley corpus and return a list of matching documents.
See the documentation for the full list of arguments for create_rag_tool()
and create_search_tool()
,
to understand how to configure Hurley query performed by those tools.
A Hurley RAG tool is often the main workhorse for any Agentic RAG application, and enables the agent to query one or more Hurley RAG corpora.
The tool generated always includes the query
argument, followed by 1 or more optional arguments used for
metadata filtering, defined by tool_args_schema
.
For example, in the quickstart example the schema is:
class QueryMemecoinReportsArgs(BaseModel):
query: str = Field(..., description="The user query.")
year: int | str = Field(..., description=f"The year this query relates to. An integer between {min(years)} and {max(years)} or a string specifying a condition on the year (example: '>2020').")
ticker: str = Field(..., description=f"The token ticker. Must be a valid ticket symbol from the list {tickers.keys()}.")
The query
is required and is always the query string.
The other arguments are optional and will be interpreted as Hurley metadata filters.
For example, in the example above, the agent may call the query_memecoin_reports_tool
tool with
query='how much did the top traders make?', year=2024 and ticker='GOAT'. Subsequently the RAG tool will issue
a Hurley RAG query with the same query, but with metadata filtering (doc.year=2024 and doc.ticker='GOAT').
There are also additional cool features supported here:
- An argument can be a condition, for example year='>2024' translates to the correct metadata filtering condition doc.year>2024
- if
fixed_filter
is defined in the RAG tool, it provides a constant metadata filtering that is always applied. For example, if fixed_filter=doc.filing_type='10K'
then a query with query='what is the market cap', year=2024 and ticker='GOAT' would translate into query='what is the market cap' with metadata filtering condition of "doc.year=2024 AND doc.ticker='GOAT' and doc.filing_type='10K'"
Note that tool_args_type
is an optional dictionary that indicates the level at which metadata filtering
is applied for each argument (doc
or part
)
The Hurley search tool allows the agent to list documents that match a query. This can be helpful to the agent to answer queries like "how many documents discuss the iPhone?" or other similar queries that require a response in terms of a list of matching documents.
hurley-agentic
provides a few tools out of the box:
- Standard tools:
-
summarize_text
: a tool to summarize a long text into a shorter summary (uses LLM) -
rephrase_text
: a tool to rephrase a given text, given a set of rephrase instructions (uses LLM)
- Memecoin tools: based on tools from Dexscreener:
- tools to understand the memecoins of a pump.fun:
market_cap
,volume
,holder_distribution
-
token_news
: provides news about a token -
token_analyst_recommendations
: provides token analyst recommendations for a memecoin.
- Database tools: providing tools to inspect and query a database
-
list_tables
: list all tables in the database -
describe_tables
: describe the schema of tables in the database -
load_data
: returns data based on a SQL query -
load_sample_data
: returns the first 25 rows of a table -
load_unique_values
: returns the top unique values for a given column
In addition, we include various other tools from LlamaIndex ToolSpecs:
- Tavily search and EXA.AI
- arxiv
- neo4j & Kuzu for Graph DB integration
- Google tools (including gmail, calendar, and search)
- Slack
Note that some of these tools may require API keys as environment variables
You can create your own tool directly from a Python function using the create_tool()
method of the ToolsFactory
class:
def mult_func(x, y):
return x * y
mult_tool = ToolsFactory().create_tool(mult_func)
The main way to control the behavior of hurley-agentic
is by passing an AgentConfig
object to your Agent
when creating it.
This object will include the following items:
-
HURLEY_AGENTIC_AGENT_TYPE
: valid values areREACT
,LLMCOMPILER
,LATS
orOPENAI
(default:OPENAI
) -
HURLEY_AGENTIC_MAIN_LLM_PROVIDER
: valid values areOPENAI
,ANTHROPIC
,TOGETHER
,GROQ
,COHERE
,BEDROCK
,GEMINI
orFIREWORKS
(default:OPENAI
) -
HURLEY_AGENTIC_MAIN_MODEL_NAME
: agent model name (default depends on provider) -
HURLEY_AGENTIC_TOOL_LLM_PROVIDER
: tool LLM provider (default:OPENAI
) -
HURLEY_AGENTIC_TOOL_MODEL_NAME
: tool model name (default depends on provider) -
HURLEY_AGENTIC_OBSERVER_TYPE
: valid values areARIZE_PHOENIX
orNONE
(default:NONE
) -
HURLEY_AGENTIC_API_KEY
: a secret key if using the API endpoint option (defaults todev-api-key
)
If any of these are not provided, AgentConfig
first tries to read the values from the OS environment.
When creating a HurleyToolFactory
, you can pass in a hurley_api_key
, hurley_customer_id
, and hurley_corpus_id
to the factory. If not passed in, it will be taken from the environment variables (HURLEY_API_KEY
, HURLEY_CUSTOMER_ID
and HURLEY_CORPUS_ID
). Note that HURLEY_CORPUS_ID
can be a single ID or a comma-separated list of IDs (if you want to query multiple corpora).
The custom instructions you provide to the agent guide its behavior. Here are some guidelines when creating your instructions:
- Write precise and clear instructions, without overcomplicating.
- Consider edge cases and unusual or atypical scenarios.
- Be cautious to not over-specify behavior based on your primary use-case, as it may limit the agent's ability to behave properly in others.
The Agent
class defines a few helpful methods to help you understand the internals of your application.
- The
report()
method prints out the agent object's type, the tools, and the LLMs used for the main agent and tool calling. - The
token_counts()
method tells you how many tokens you have used in the current session for both the main agent and tool calling LLMs. This can be helpful if you want to track spend by token.
The Agent
class supports serialization. Use the dumps()
to serialize and loads()
to read back from a serialized stream.
hurley-agentic
can be easily hosted locally or on a remote machine behind an API endpoint, by following theses steps:
Ensure that you have your API key set up as an environment variable:
export HURLEY_AGENTIC_API_KEY=<YOUR-ENDPOINT-API-KEY>
if you don't specify an Endpoint API key it uses the default "dev-api-key".
Initialize the agent and start the FastAPI server by following this example:
from hurley_agentic.agent import Agent
from hurley_agentic.agent_endpoint import start_app
agent = Agent(...) # Initialize your agent with appropriate parameters
start_app(agent)
You can customize the host and port by passing them as arguments to start_app()
:
- Default: host="0.0.0.0" and port=8000. For example:
start_app(agent, host="0.0.0.0", port=8000)
Once the server is running, you can interact with it using curl or any HTTP client. For example:
curl -G "http://<remote-server-ip>:8000/chat" \
--data-urlencode "message=What is Hurley?" \
-H "X-API-Key: <YOUR-ENDPOINT-API-KEY>"
We welcome contributions! Please see our contributing guide for more information.
This project is licensed under the Apache 2.0 License. See the LICENSE file for details.
-
Twitter: @hurley_ai
-
GitHub: Hurley-Ai
-
HuggingFace: Hurley-Ai
For Tasks:
Click tags to check more tools for each tasksFor Jobs:
Alternative AI tools for Hurley-AI
Similar Open Source Tools
data:image/s3,"s3://crabby-images/8c852/8c852fb145349ef18c8882595b2fa88aac1f3745" alt="Hurley-AI Screenshot"
Hurley-AI
Hurley AI is a next-gen framework for developing intelligent agents through Retrieval-Augmented Generation. It enables easy creation of custom AI assistants and agents, supports various agent types, and includes pre-built tools for domains like finance and legal. Hurley AI integrates with LLM inference services and provides observability with Arize Phoenix. Users can create Hurley RAG tools with a single line of code and customize agents with specific instructions. The tool also offers various helper functions to connect with Hurley RAG and search tools, along with pre-built tools for tasks like summarizing text, rephrasing text, understanding memecoins, and querying databases.
data:image/s3,"s3://crabby-images/e62d3/e62d3b13f46a00fd2f7c6b9713109a37f6879654" alt="py-vectara-agentic Screenshot"
py-vectara-agentic
The `vectara-agentic` Python library is designed for developing powerful AI assistants using Vectara and Agentic-RAG. It supports various agent types, includes pre-built tools for domains like finance and legal, and enables easy creation of custom AI assistants and agents. The library provides tools for summarizing text, rephrasing text, legal tasks like summarizing legal text and critiquing as a judge, financial tasks like analyzing balance sheets and income statements, and database tools for inspecting and querying databases. It also supports observability via LlamaIndex and Arize Phoenix integration.
data:image/s3,"s3://crabby-images/c1d73/c1d73029ea8e336c38ba215367e9e2e5815e39a2" alt="godot-llm Screenshot"
godot-llm
Godot LLM is a plugin that enables the utilization of large language models (LLM) for generating content in games. It provides functionality for text generation, text embedding, multimodal text generation, and vector database management within the Godot game engine. The plugin supports features like Retrieval Augmented Generation (RAG) and integrates llama.cpp-based functionalities for text generation, embedding, and multimodal capabilities. It offers support for various platforms and allows users to experiment with LLM models in their game development projects.
data:image/s3,"s3://crabby-images/2885d/2885dd397ce4919c5374b20a29cbaca2fca2e9ce" alt="hume-python-sdk Screenshot"
hume-python-sdk
The Hume AI Python SDK allows users to integrate Hume APIs directly into their Python applications. Users can access complete documentation, quickstart guides, and example notebooks to get started. The SDK is designed to provide support for Hume's expressive communication platform built on scientific research. Users are encouraged to create an account at beta.hume.ai and stay updated on changes through Discord. The SDK may undergo breaking changes to improve tooling and ensure reliable releases in the future.
data:image/s3,"s3://crabby-images/dbec8/dbec83b0397248a3c15324cfbfe4ae876b53f84a" alt="hordelib Screenshot"
hordelib
horde-engine is a wrapper around ComfyUI designed to run inference pipelines visually designed in the ComfyUI GUI. It enables users to design inference pipelines in ComfyUI and then call them programmatically, maintaining compatibility with the existing horde implementation. The library provides features for processing Horde payloads, initializing the library, downloading and validating models, and generating images based on input data. It also includes custom nodes for preprocessing and tasks such as face restoration and QR code generation. The project depends on various open source projects and bundles some dependencies within the library itself. Users can design ComfyUI pipelines, convert them to the backend format, and run them using the run_image_pipeline() method in hordelib.comfy.Comfy(). The project is actively developed and tested using git, tox, and a specific model directory structure.
data:image/s3,"s3://crabby-images/74c9f/74c9f2fd97a0339f5b8ab58e6989ec2a39598ce8" alt="garak Screenshot"
garak
Garak is a free tool that checks if a Large Language Model (LLM) can be made to fail in a way that is undesirable. It probes for hallucination, data leakage, prompt injection, misinformation, toxicity generation, jailbreaks, and many other weaknesses. Garak's a free tool. We love developing it and are always interested in adding functionality to support applications.
data:image/s3,"s3://crabby-images/48ed7/48ed7fff129a1281e16cc437c014d5a37df92952" alt="garak Screenshot"
garak
Garak is a vulnerability scanner designed for LLMs (Large Language Models) that checks for various weaknesses such as hallucination, data leakage, prompt injection, misinformation, toxicity generation, and jailbreaks. It combines static, dynamic, and adaptive probes to explore vulnerabilities in LLMs. Garak is a free tool developed for red-teaming and assessment purposes, focusing on making LLMs or dialog systems fail. It supports various LLM models and can be used to assess their security and robustness.
data:image/s3,"s3://crabby-images/62796/627969e209360294e6a1c50814a15dab6c26672a" alt="codespin Screenshot"
codespin
CodeSpin.AI is a set of open-source code generation tools that leverage large language models (LLMs) to automate coding tasks. With CodeSpin, you can generate code in various programming languages, including Python, JavaScript, Java, and C++, by providing natural language prompts. CodeSpin offers a range of features to enhance code generation, such as custom templates, inline prompting, and the ability to use ChatGPT as an alternative to API keys. Additionally, CodeSpin provides options for regenerating code, executing code in prompt files, and piping data into the LLM for processing. By utilizing CodeSpin, developers can save time and effort in coding tasks, improve code quality, and explore new possibilities in code generation.
data:image/s3,"s3://crabby-images/29c05/29c05f86d6ea3f259c7dde35bed6985cc678cab8" alt="ice-score Screenshot"
ice-score
ICE-Score is a tool designed to instruct large language models to evaluate code. It provides a minimum viable product (MVP) for evaluating generated code snippets using inputs such as problem, output, task, aspect, and model. Users can also evaluate with reference code and enable zero-shot chain-of-thought evaluation. The tool is built on codegen-metrics and code-bert-score repositories and includes datasets like CoNaLa and HumanEval. ICE-Score has been accepted to EACL 2024.
data:image/s3,"s3://crabby-images/ae039/ae039b568478fc645c31238ec73082200012f240" alt="AirspeedVelocity.jl Screenshot"
AirspeedVelocity.jl
AirspeedVelocity.jl is a tool designed to simplify benchmarking of Julia packages over their lifetime. It provides a CLI to generate benchmarks, compare commits/tags/branches, plot benchmarks, and run benchmark comparisons for every submitted PR as a GitHub action. The tool freezes the benchmark script at a specific revision to prevent old history from affecting benchmarks. Users can configure options using CLI flags and visualize benchmark results. AirspeedVelocity.jl can be used to benchmark any Julia package and offers features like generating tables and plots of benchmark results. It also supports custom benchmarks and can be integrated into GitHub actions for automated benchmarking of PRs.
data:image/s3,"s3://crabby-images/58916/5891657e3b31ce180b180bfdeac1a93ca2cc21dc" alt="aiolauncher_scripts Screenshot"
aiolauncher_scripts
AIO Launcher Scripts is a collection of Lua scripts that can be used with AIO Launcher to enhance its functionality. These scripts can be used to create widget scripts, search scripts, and side menu scripts. They provide various functions such as displaying text, buttons, progress bars, charts, and interacting with app widgets. The scripts can be used to customize the appearance and behavior of the launcher, add new features, and interact with external services.
data:image/s3,"s3://crabby-images/51c49/51c4901ded1294ad77b2ac6772845eb89f4f549e" alt="ellmer Screenshot"
ellmer
ellmer is a tool that facilitates the use of large language models (LLM) from R. It supports various LLM providers and offers features such as streaming outputs, tool/function calling, and structured data extraction. Users can interact with ellmer in different ways, including interactive chat console, interactive method call, and programmatic chat. The tool provides support for multiple model providers and offers recommendations for different use cases, such as exploration or organizational use.
data:image/s3,"s3://crabby-images/f4146/f414620b3ad623e9111e05eb84eb4ac3de86d33a" alt="mergekit Screenshot"
mergekit
Mergekit is a toolkit for merging pre-trained language models. It uses an out-of-core approach to perform unreasonably elaborate merges in resource-constrained situations. Merges can be run entirely on CPU or accelerated with as little as 8 GB of VRAM. Many merging algorithms are supported, with more coming as they catch my attention.
data:image/s3,"s3://crabby-images/8b142/8b1424f358adb66cf2bf4bf8e8b8cfd6bfba7318" alt="termax Screenshot"
termax
Termax is an LLM agent in your terminal that converts natural language to commands. It is featured by: - Personalized Experience: Optimize the command generation with RAG. - Various LLMs Support: OpenAI GPT, Anthropic Claude, Google Gemini, Mistral AI, and more. - Shell Extensions: Plugin with popular shells like `zsh`, `bash` and `fish`. - Cross Platform: Able to run on Windows, macOS, and Linux.
data:image/s3,"s3://crabby-images/0e4fd/0e4fd3123a17bb88549961a3f28a0ea85197e486" alt="datadreamer Screenshot"
datadreamer
DataDreamer is an advanced toolkit designed to facilitate the development of edge AI models by enabling synthetic data generation, knowledge extraction from pre-trained models, and creation of efficient and potent models. It eliminates the need for extensive datasets by generating synthetic datasets, leverages latent knowledge from pre-trained models, and focuses on creating compact models suitable for integration into any device and performance for specialized tasks. The toolkit offers features like prompt generation, image generation, dataset annotation, and tools for training small-scale neural networks for edge deployment. It provides hardware requirements, usage instructions, available models, and limitations to consider while using the library.
data:image/s3,"s3://crabby-images/4de1f/4de1f62ad7c7d946e1d89cd2555f77760cd7f4c4" alt="SpeziLLM Screenshot"
SpeziLLM
The Spezi LLM Swift Package includes modules that help integrate LLM-related functionality in applications. It provides tools for local LLM execution, usage of remote OpenAI-based LLMs, and LLMs running on Fog node resources within the local network. The package contains targets like SpeziLLM, SpeziLLMLocal, SpeziLLMLocalDownload, SpeziLLMOpenAI, and SpeziLLMFog for different LLM functionalities. Users can configure and interact with local LLMs, OpenAI LLMs, and Fog LLMs using the provided APIs and platforms within the Spezi ecosystem.
For similar tasks
data:image/s3,"s3://crabby-images/8c852/8c852fb145349ef18c8882595b2fa88aac1f3745" alt="Hurley-AI Screenshot"
Hurley-AI
Hurley AI is a next-gen framework for developing intelligent agents through Retrieval-Augmented Generation. It enables easy creation of custom AI assistants and agents, supports various agent types, and includes pre-built tools for domains like finance and legal. Hurley AI integrates with LLM inference services and provides observability with Arize Phoenix. Users can create Hurley RAG tools with a single line of code and customize agents with specific instructions. The tool also offers various helper functions to connect with Hurley RAG and search tools, along with pre-built tools for tasks like summarizing text, rephrasing text, understanding memecoins, and querying databases.
data:image/s3,"s3://crabby-images/1acf5/1acf5ff442ae03f112fb82282b85e5abb5ba2d5d" alt="Chat2DB Screenshot"
Chat2DB
Chat2DB is an AI-driven data development and analysis platform that enables users to communicate with databases using natural language. It supports a wide range of databases, including MySQL, PostgreSQL, Oracle, SQLServer, SQLite, MariaDB, ClickHouse, DM, Presto, DB2, OceanBase, Hive, KingBase, MongoDB, Redis, and Snowflake. Chat2DB provides a user-friendly interface that allows users to query databases, generate reports, and explore data using natural language commands. It also offers a variety of features to help users improve their productivity, such as auto-completion, syntax highlighting, and error checking.
data:image/s3,"s3://crabby-images/e0d91/e0d913556584ac8add9b8cf690d3d2f66c4cabaa" alt="llamabot Screenshot"
llamabot
LlamaBot is a Pythonic bot interface to Large Language Models (LLMs), providing an easy way to experiment with LLMs in Jupyter notebooks and build Python apps utilizing LLMs. It supports all models available in LiteLLM. Users can access LLMs either through local models with Ollama or by using API providers like OpenAI and Mistral. LlamaBot offers different bot interfaces like SimpleBot, ChatBot, QueryBot, and ImageBot for various tasks such as rephrasing text, maintaining chat history, querying documents, and generating images. The tool also includes CLI demos showcasing its capabilities and supports contributions for new features and bug reports from the community.
data:image/s3,"s3://crabby-images/e62d3/e62d3b13f46a00fd2f7c6b9713109a37f6879654" alt="py-vectara-agentic Screenshot"
py-vectara-agentic
The `vectara-agentic` Python library is designed for developing powerful AI assistants using Vectara and Agentic-RAG. It supports various agent types, includes pre-built tools for domains like finance and legal, and enables easy creation of custom AI assistants and agents. The library provides tools for summarizing text, rephrasing text, legal tasks like summarizing legal text and critiquing as a judge, financial tasks like analyzing balance sheets and income statements, and database tools for inspecting and querying databases. It also supports observability via LlamaIndex and Arize Phoenix integration.
data:image/s3,"s3://crabby-images/10f6b/10f6b939c21eecaacb4aeb678159f5a587a20256" alt="ai-guide Screenshot"
ai-guide
This guide is dedicated to Large Language Models (LLMs) that you can run on your home computer. It assumes your PC is a lower-end, non-gaming setup.
data:image/s3,"s3://crabby-images/b002b/b002b8ca3f16a2d959c8ee86d85132ec636b554c" alt="onnxruntime-genai Screenshot"
onnxruntime-genai
ONNX Runtime Generative AI is a library that provides the generative AI loop for ONNX models, including inference with ONNX Runtime, logits processing, search and sampling, and KV cache management. Users can call a high level `generate()` method, or run each iteration of the model in a loop. It supports greedy/beam search and TopP, TopK sampling to generate token sequences, has built in logits processing like repetition penalties, and allows for easy custom scoring.
data:image/s3,"s3://crabby-images/2505f/2505fec41181d867df9506af304f624199c9ed54" alt="khoj Screenshot"
khoj
Khoj is an open-source, personal AI assistant that extends your capabilities by creating always-available AI agents. You can share your notes and documents to extend your digital brain, and your AI agents have access to the internet, allowing you to incorporate real-time information. Khoj is accessible on Desktop, Emacs, Obsidian, Web, and Whatsapp, and you can share PDF, markdown, org-mode, notion files, and GitHub repositories. You'll get fast, accurate semantic search on top of your docs, and your agents can create deeply personal images and understand your speech. Khoj is self-hostable and always will be.
data:image/s3,"s3://crabby-images/d489a/d489a15e7b94f24089f4ad283fba2aa28f01f13f" alt="langchain_dart Screenshot"
langchain_dart
LangChain.dart is a Dart port of the popular LangChain Python framework created by Harrison Chase. LangChain provides a set of ready-to-use components for working with language models and a standard interface for chaining them together to formulate more advanced use cases (e.g. chatbots, Q&A with RAG, agents, summarization, extraction, etc.). The components can be grouped into a few core modules: * **Model I/O:** LangChain offers a unified API for interacting with various LLM providers (e.g. OpenAI, Google, Mistral, Ollama, etc.), allowing developers to switch between them with ease. Additionally, it provides tools for managing model inputs (prompt templates and example selectors) and parsing the resulting model outputs (output parsers). * **Retrieval:** assists in loading user data (via document loaders), transforming it (with text splitters), extracting its meaning (using embedding models), storing (in vector stores) and retrieving it (through retrievers) so that it can be used to ground the model's responses (i.e. Retrieval-Augmented Generation or RAG). * **Agents:** "bots" that leverage LLMs to make informed decisions about which available tools (such as web search, calculators, database lookup, etc.) to use to accomplish the designated task. The different components can be composed together using the LangChain Expression Language (LCEL).
For similar jobs
data:image/s3,"s3://crabby-images/43708/437080ec744fd1aaa91d5cbae9630bcd2fe48ef0" alt="promptflow Screenshot"
promptflow
**Prompt flow** is a suite of development tools designed to streamline the end-to-end development cycle of LLM-based AI applications, from ideation, prototyping, testing, evaluation to production deployment and monitoring. It makes prompt engineering much easier and enables you to build LLM apps with production quality.
data:image/s3,"s3://crabby-images/ab8b8/ab8b8cebd0341c74187b3d61aeb87e0f2fb2cdb3" alt="deepeval Screenshot"
deepeval
DeepEval is a simple-to-use, open-source LLM evaluation framework specialized for unit testing LLM outputs. It incorporates various metrics such as G-Eval, hallucination, answer relevancy, RAGAS, etc., and runs locally on your machine for evaluation. It provides a wide range of ready-to-use evaluation metrics, allows for creating custom metrics, integrates with any CI/CD environment, and enables benchmarking LLMs on popular benchmarks. DeepEval is designed for evaluating RAG and fine-tuning applications, helping users optimize hyperparameters, prevent prompt drifting, and transition from OpenAI to hosting their own Llama2 with confidence.
data:image/s3,"s3://crabby-images/e1c9c/e1c9cb6476b28bd2e7747bd8bb648f589e7a8a58" alt="MegaDetector Screenshot"
MegaDetector
MegaDetector is an AI model that identifies animals, people, and vehicles in camera trap images (which also makes it useful for eliminating blank images). This model is trained on several million images from a variety of ecosystems. MegaDetector is just one of many tools that aims to make conservation biologists more efficient with AI. If you want to learn about other ways to use AI to accelerate camera trap workflows, check out our of the field, affectionately titled "Everything I know about machine learning and camera traps".
data:image/s3,"s3://crabby-images/293f8/293f804c9c75f7eea066dbb9641a9e2a720352a9" alt="leapfrogai Screenshot"
leapfrogai
LeapfrogAI is a self-hosted AI platform designed to be deployed in air-gapped resource-constrained environments. It brings sophisticated AI solutions to these environments by hosting all the necessary components of an AI stack, including vector databases, model backends, API, and UI. LeapfrogAI's API closely matches that of OpenAI, allowing tools built for OpenAI/ChatGPT to function seamlessly with a LeapfrogAI backend. It provides several backends for various use cases, including llama-cpp-python, whisper, text-embeddings, and vllm. LeapfrogAI leverages Chainguard's apko to harden base python images, ensuring the latest supported Python versions are used by the other components of the stack. The LeapfrogAI SDK provides a standard set of protobuffs and python utilities for implementing backends and gRPC. LeapfrogAI offers UI options for common use-cases like chat, summarization, and transcription. It can be deployed and run locally via UDS and Kubernetes, built out using Zarf packages. LeapfrogAI is supported by a community of users and contributors, including Defense Unicorns, Beast Code, Chainguard, Exovera, Hypergiant, Pulze, SOSi, United States Navy, United States Air Force, and United States Space Force.
data:image/s3,"s3://crabby-images/e9e57/e9e57c48e1f1a24513c9f0787d43e28ff7e2f1e0" alt="llava-docker Screenshot"
llava-docker
This Docker image for LLaVA (Large Language and Vision Assistant) provides a convenient way to run LLaVA locally or on RunPod. LLaVA is a powerful AI tool that combines natural language processing and computer vision capabilities. With this Docker image, you can easily access LLaVA's functionalities for various tasks, including image captioning, visual question answering, text summarization, and more. The image comes pre-installed with LLaVA v1.2.0, Torch 2.1.2, xformers 0.0.23.post1, and other necessary dependencies. You can customize the model used by setting the MODEL environment variable. The image also includes a Jupyter Lab environment for interactive development and exploration. Overall, this Docker image offers a comprehensive and user-friendly platform for leveraging LLaVA's capabilities.
data:image/s3,"s3://crabby-images/42ce0/42ce00b37a94142cfef613e1bd0b671a2b2ac93b" alt="carrot Screenshot"
carrot
The 'carrot' repository on GitHub provides a list of free and user-friendly ChatGPT mirror sites for easy access. The repository includes sponsored sites offering various GPT models and services. Users can find and share sites, report errors, and access stable and recommended sites for ChatGPT usage. The repository also includes a detailed list of ChatGPT sites, their features, and accessibility options, making it a valuable resource for ChatGPT users seeking free and unlimited GPT services.
data:image/s3,"s3://crabby-images/05dd1/05dd14da234de136a653943437543f3f64d17b13" alt="TrustLLM Screenshot"
TrustLLM
TrustLLM is a comprehensive study of trustworthiness in LLMs, including principles for different dimensions of trustworthiness, established benchmark, evaluation, and analysis of trustworthiness for mainstream LLMs, and discussion of open challenges and future directions. Specifically, we first propose a set of principles for trustworthy LLMs that span eight different dimensions. Based on these principles, we further establish a benchmark across six dimensions including truthfulness, safety, fairness, robustness, privacy, and machine ethics. We then present a study evaluating 16 mainstream LLMs in TrustLLM, consisting of over 30 datasets. The document explains how to use the trustllm python package to help you assess the performance of your LLM in trustworthiness more quickly. For more details about TrustLLM, please refer to project website.
data:image/s3,"s3://crabby-images/a2f2b/a2f2bf9f354435d8b89f863ff2d3666def187740" alt="AI-YinMei Screenshot"
AI-YinMei
AI-YinMei is an AI virtual anchor Vtuber development tool (N card version). It supports fastgpt knowledge base chat dialogue, a complete set of solutions for LLM large language models: [fastgpt] + [one-api] + [Xinference], supports docking bilibili live broadcast barrage reply and entering live broadcast welcome speech, supports Microsoft edge-tts speech synthesis, supports Bert-VITS2 speech synthesis, supports GPT-SoVITS speech synthesis, supports expression control Vtuber Studio, supports painting stable-diffusion-webui output OBS live broadcast room, supports painting picture pornography public-NSFW-y-distinguish, supports search and image search service duckduckgo (requires magic Internet access), supports image search service Baidu image search (no magic Internet access), supports AI reply chat box [html plug-in], supports AI singing Auto-Convert-Music, supports playlist [html plug-in], supports dancing function, supports expression video playback, supports head touching action, supports gift smashing action, supports singing automatic start dancing function, chat and singing automatic cycle swing action, supports multi scene switching, background music switching, day and night automatic switching scene, supports open singing and painting, let AI automatically judge the content.