data:image/s3,"s3://crabby-images/74c83/74c83df2ebf176f02fdd6a78b77f5efae33d2d47" alt="redis-ai-resources"
redis-ai-resources
✨ A curated list of awesome community resources, integrations, and examples of Redis in the AI ecosystem.
Stars: 170
data:image/s3,"s3://crabby-images/f09b2/f09b201ad5445ec671cc871632a4799f9d9baecb" alt="screenshot"
A curated repository of code recipes, demos, and resources for basic and advanced Redis use cases in the AI ecosystem. It includes demos for ArxivChatGuru, Redis VSS, Vertex AI & Redis, Agentic RAG, ArXiv Search, and Product Search. Recipes cover topics like Getting started with RAG, Semantic Cache, Advanced RAG, and Recommendation systems. The repository also provides integrations/tools like RedisVL, AWS Bedrock, LangChain Python, LangChain JS, LlamaIndex, Semantic Kernel, RelevanceAI, and DocArray. Additional content includes blog posts, talks, reviews, and documentation related to Vector Similarity Search, AI-Powered Document Search, Vector Databases, Real-Time Product Recommendations, and more. Benchmarks compare Redis against other Vector Databases and ANN benchmarks. Documentation includes QuickStart guides, official literature for Vector Similarity Search, Redis-py client library docs, Redis Stack documentation, and Redis client list.
README:
Demos | Recipes | Tutorials | Integrations | Content | Benchmarks | Docs
No faster way to get started than by diving in and playing around with a demo.
Demo | Description |
---|---|
Redis RAG Workbench | Interactive demo to build a RAG-based chatbot over a user-uploaded PDF. Toggle different settings and configurations to improve chatbot performance and quality. Utilizes RedisVL, LangChain, RAGAs, and more. |
Redis VSS - Simple Streamlit Demo | Streamlit demo of Redis Vector Search |
ArXiv Search | Full stack implementation of Redis with React FE |
Product Search | Vector search with Redis Stack and Redis Enterprise |
ArxivChatGuru | Streamlit demo of RAG over Arxiv documents with Redis & OpenAI |
Need quickstarts to begin your Redis AI journey? Start here.
Recipe | Description |
---|---|
/redis-intro/00_redis_intro.ipynb | The place to start if brand new to Redis |
/vector-search/00_redispy.ipynb | Vector search with Redis python client |
/vector-search/01_redisvl.ipynb | Vector search with Redis Vector Library |
/vector-search/02_hybrid_search.ipynb | Hybrid search techniques with Redis (BM25 + Vector) |
/vector-search/03_float16_support.ipynb | Shows how to convert a float32 index to use float16 |
Retrieval Augmented Generation (aka RAG) is a technique to enhance the ability of an LLM to respond to user queries. The retrieval part of RAG is supported by a vector database, which can return semantically relevant results to a user’s query, serving as contextual information to augment the generative capabilities of an LLM.
To get started with RAG, either from scratch or using a popular framework like Llamaindex or LangChain, go with these recipes:
Recipe | Description |
---|---|
/RAG/01_redisvl.ipynb | RAG from scratch with the Redis Vector Library |
/RAG/02_langchain.ipynb | RAG using Redis and LangChain |
/RAG/03_llamaindex.ipynb | RAG using Redis and LlamaIndex |
/RAG/04_advanced_redisvl.ipynb | Advanced RAG techniques |
/RAG/05_nvidia_ai_rag_redis.ipynb | RAG using Redis and Nvidia NIMs |
/RAG/06_ragas_evaluation.ipynb | Utilize the RAGAS framework to evaluate RAG performance |
/RAG/07_user_role_based_rag.ipynb | Implement a simple RBAC policy with vector search using Redis |
LLMs are stateless. To maintain context within a conversation chat sessions must be stored and resent to the LLM. Redis manages the storage and retrieval of chat sessions to maintain context and conversational relevance.
Recipe | Description |
---|---|
/llm-session-manager/00_session_manager.ipynb | LLM session manager with semantic similarity |
/llm-session-manager/01_multiple_sessions.ipynb | Handle multiple simultaneous chats with one instance |
An estimated 31% of LLM queries are potentially redundant (source). Redis enables semantic caching to help cut down on LLM costs quickly.
Recipe | Description |
---|---|
/semantic-cache/doc2cache_llama3_1.ipynb | Build a semantic cache using the Doc2Cache framework and Llama3.1 |
/semantic-cache/semantic_caching_gemini.ipynb | Build a semantic cache with Redis and Google Gemini |
Recipe | Description |
---|---|
/agents/00_langgraph_redis_agentic_rag.ipynb | Notebook to get started with lang-graph and agents |
/agents/01_crewai_langgraph_redis.ipynb | Notebook to get started with lang-graph and agents |
/agents/02_full_featured_agent.ipynb | Notebook builds full tool calling agent with semantic cache and router |
Recipe | Description |
---|---|
/computer-vision/00_facial_recognition_facenet.ipynb | Build a facial recognition system using the Facenet embedding model and RedisVL. |
Recipe | Description |
---|---|
/recommendation-systems/00_content_filtering.ipynb | Intro content filtering example with redisvl |
/recommendation-systems/01_collaborative_filtering.ipynb | Intro collaborative filtering example with redisvl |
Need a deeper-dive through different use cases and topics?
Tutorial | Description |
---|---|
Agentic RAG | A tutorial focused on agentic RAG with LlamaIndex and Cohere |
RAG on VertexAI | A RAG tutorial featuring Redis with Vertex AI |
Recommendation Systems w/ NVIDIA Merlin & Redis | Three examples, each escalating in complexity, showcasing the process of building a realtime recsys with NVIDIA and Redis |
Redis integrates with many different players in the AI ecosystem. Here's a curated list below:
Integration | Description |
---|---|
RedisVL | A dedicated Python client lib for Redis as a Vector DB |
AWS Bedrock | Streamlines GenAI deployment by offering foundational models as a unified API |
LangChain Python | Popular Python client lib for building LLM applications powered by Redis |
LangChain JS | Popular JS client lib for building LLM applications powered by Redis |
LlamaIndex | LlamaIndex Integration for Redis as a vector Database (formerly GPT-index) |
LiteLLM | Popular LLM proxy layer to help manage and streamline usage of multiple foundation models |
Semantic Kernel | Popular lib by MSFT to integrate LLMs with plugins |
RelevanceAI | Platform to tag, search and analyze unstructured data faster, built on Redis |
DocArray | DocArray Integration of Redis as a VectorDB by Jina AI |
- Vector Similarity Search: From Basics to Production - Introductory blog post to VSS and Redis as a VectorDB.
- Improving RAG quality with RAGAs
- Level-up RAG with RedisVL
- Vector Databases and Large Language Models - Talk given at LLMs in Production Part 1 by Sam Partee.
- Vector Databases and AI-powered Search Talk - Video "Vector Databases and AI-powered Search" given by Sam Partee at SDSC 2023.
- Real-Time Product Recommendations - Content-based recsys design with Redis and DocArray.
- NVIDIA Recsys with Redis
- LabLab AI Redis Tech Page
- Storing and querying for embeddings with Redis
- Building Intelligent Apps with Redis Vector Similarity Search
- RedisDays Trading Signals - Video "Using AI to Reveal Trading Signals Buried in Corporate Filings".
- Benchmarking results for vector databases - Benchmarking results for vector databases, including Redis and 7 other Vector Database players.
- ANN Benchmarks - Standard ANN Benchmarks site. Only using single Redis OSS instance/client.
- Redis Vector Library Docs
- Redis Vector Database QuickStart
- Redis Vector Similarity Docs - Official Redis literature for Vector Similarity Search.
- Redis-py Search Docs - Redis-py client library docs for RediSearch.
- Redis-py General Docs - Redis-py client library documentation.
- Redis Stack - Redis Stack documentation.
- Redis Clients - Redis client list.
For Tasks:
Click tags to check more tools for each tasksFor Jobs:
Alternative AI tools for redis-ai-resources
Similar Open Source Tools
data:image/s3,"s3://crabby-images/f09b2/f09b201ad5445ec671cc871632a4799f9d9baecb" alt="redis-ai-resources Screenshot"
redis-ai-resources
A curated repository of code recipes, demos, and resources for basic and advanced Redis use cases in the AI ecosystem. It includes demos for ArxivChatGuru, Redis VSS, Vertex AI & Redis, Agentic RAG, ArXiv Search, and Product Search. Recipes cover topics like Getting started with RAG, Semantic Cache, Advanced RAG, and Recommendation systems. The repository also provides integrations/tools like RedisVL, AWS Bedrock, LangChain Python, LangChain JS, LlamaIndex, Semantic Kernel, RelevanceAI, and DocArray. Additional content includes blog posts, talks, reviews, and documentation related to Vector Similarity Search, AI-Powered Document Search, Vector Databases, Real-Time Product Recommendations, and more. Benchmarks compare Redis against other Vector Databases and ANN benchmarks. Documentation includes QuickStart guides, official literature for Vector Similarity Search, Redis-py client library docs, Redis Stack documentation, and Redis client list.
data:image/s3,"s3://crabby-images/29d9a/29d9ac0c9171f975f4cae25a9470dccaaf511df4" alt="Awesome-LLM-Large-Language-Models-Notes Screenshot"
Awesome-LLM-Large-Language-Models-Notes
Awesome-LLM-Large-Language-Models-Notes is a repository that provides a comprehensive collection of information on various Large Language Models (LLMs) classified by year, size, and name. It includes details on known LLM models, their papers, implementations, and specific characteristics. The repository also covers LLM models classified by architecture, must-read papers, blog articles, tutorials, and implementations from scratch. It serves as a valuable resource for individuals interested in understanding and working with LLMs in the field of Natural Language Processing (NLP).
data:image/s3,"s3://crabby-images/df66e/df66ec2c55de0ef29be7c2a354dfca417910d2a2" alt="COLD-Attack Screenshot"
COLD-Attack
COLD-Attack is a framework designed for controllable jailbreaks on large language models (LLMs). It formulates the controllable attack generation problem and utilizes the Energy-based Constrained Decoding with Langevin Dynamics (COLD) algorithm to automate the search of adversarial LLM attacks with control over fluency, stealthiness, sentiment, and left-right-coherence. The framework includes steps for energy function formulation, Langevin dynamics sampling, and decoding process to generate discrete text attacks. It offers diverse jailbreak scenarios such as fluent suffix attacks, paraphrase attacks, and attacks with left-right-coherence.
data:image/s3,"s3://crabby-images/580f0/580f04cf513e2c743f39fafdc408fc77a0cc2de6" alt="LLM-PowerHouse-A-Curated-Guide-for-Large-Language-Models-with-Custom-Training-and-Inferencing Screenshot"
LLM-PowerHouse-A-Curated-Guide-for-Large-Language-Models-with-Custom-Training-and-Inferencing
LLM-PowerHouse is a comprehensive and curated guide designed to empower developers, researchers, and enthusiasts to harness the true capabilities of Large Language Models (LLMs) and build intelligent applications that push the boundaries of natural language understanding. This GitHub repository provides in-depth articles, codebase mastery, LLM PlayLab, and resources for cost analysis and network visualization. It covers various aspects of LLMs, including NLP, models, training, evaluation metrics, open LLMs, and more. The repository also includes a collection of code examples and tutorials to help users build and deploy LLM-based applications.
data:image/s3,"s3://crabby-images/cf609/cf60970f345c682ae81fc43b76b2e895af69c8ba" alt="together-cookbook Screenshot"
together-cookbook
The Together Cookbook is a collection of code and guides designed to help developers build with open source models using Together AI. The recipes provide examples on how to chain multiple LLM calls, create agents that route tasks to specialized models, run multiple LLMs in parallel, break down tasks into parallel subtasks, build agents that iteratively improve responses, perform LoRA fine-tuning and inference, fine-tune LLMs for repetition, improve summarization capabilities, fine-tune LLMs on multi-step conversations, implement retrieval-augmented generation, conduct multimodal search and conditional image generation, visualize vector embeddings, improve search results with rerankers, implement vector search with embedding models, extract structured text from images, summarize and evaluate outputs with LLMs, generate podcasts from PDF content, and get LLMs to generate knowledge graphs.
data:image/s3,"s3://crabby-images/96cd4/96cd47590e4e4fbecd7dec09c61fd0c29ff54276" alt="llm-compression-intelligence Screenshot"
llm-compression-intelligence
This repository presents the findings of the paper "Compression Represents Intelligence Linearly". The study reveals a strong linear correlation between the intelligence of LLMs, as measured by benchmark scores, and their ability to compress external text corpora. Compression efficiency, derived from raw text corpora, serves as a reliable evaluation metric that is linearly associated with model capabilities. The repository includes the compression corpora used in the paper, code for computing compression efficiency, and data collection and processing pipelines.
data:image/s3,"s3://crabby-images/c23fe/c23fed00a0f509d8b39b807d09534bcdabc94395" alt="agents Screenshot"
agents
The LiveKit Agent Framework is designed for building real-time, programmable participants that run on servers. Easily tap into LiveKit WebRTC sessions and process or generate audio, video, and data streams. The framework includes plugins for common workflows, such as voice activity detection and speech-to-text. Agents integrates seamlessly with LiveKit server, offloading job queuing and scheduling responsibilities to it. This eliminates the need for additional queuing infrastructure. Agent code developed on your local machine can scale to support thousands of concurrent sessions when deployed to a server in production.
data:image/s3,"s3://crabby-images/a672b/a672b2c9aea035dbb8c4f6887aaf4d9e60fd85cc" alt="rubra Screenshot"
rubra
Rubra is a collection of open-weight large language models enhanced with tool-calling capability. It allows users to call user-defined external tools in a deterministic manner while reasoning and chatting, making it ideal for agentic use cases. The models are further post-trained to teach instruct-tuned models new skills and mitigate catastrophic forgetting. Rubra extends popular inferencing projects for easy use, enabling users to run the models easily.
data:image/s3,"s3://crabby-images/f5c10/f5c10a4c0934b01bb46315178fa70c976148159d" alt="dl_model_infer Screenshot"
dl_model_infer
This project is a c++ version of the AI reasoning library that supports the reasoning of tensorrt models. It provides accelerated deployment cases of deep learning CV popular models and supports dynamic-batch image processing, inference, decode, and NMS. The project has been updated with various models and provides tutorials for model exports. It also includes a producer-consumer inference model for specific tasks. The project directory includes implementations for model inference applications, backend reasoning classes, post-processing, pre-processing, and target detection and tracking. Speed tests have been conducted on various models, and onnx downloads are available for different models.
data:image/s3,"s3://crabby-images/c363e/c363eb7bbcfa76d9ee544f18b35320834f16c5df" alt="Awesome-AITools Screenshot"
Awesome-AITools
This repo collects AI-related utilities. ## All Categories * All Categories * ChatGPT and other closed-source LLMs * AI Search engine * Open Source LLMs * GPT/LLMs Applications * LLM training platform * Applications that integrate multiple LLMs * AI Agent * Writing * Programming Development * Translation * AI Conversation or AI Voice Conversation * Image Creation * Speech Recognition * Text To Speech * Voice Processing * AI generated music or sound effects * Speech translation * Video Creation * Video Content Summary * OCR(Optical Character Recognition)
data:image/s3,"s3://crabby-images/fbb8f/fbb8f9c4ea5790b0bca39943258ad0c277e79b6c" alt="llm-datasets Screenshot"
llm-datasets
LLM Datasets is a repository containing high-quality datasets, tools, and concepts for LLM fine-tuning. It provides datasets with characteristics like accuracy, diversity, and complexity to train large language models for various tasks. The repository includes datasets for general-purpose, math & logic, code, conversation & role-play, and agent & function calling domains. It also offers guidance on creating high-quality datasets through data deduplication, data quality assessment, data exploration, and data generation techniques.
data:image/s3,"s3://crabby-images/9b4c1/9b4c1deda2c8c8ee217707480d15bf520c2b37da" alt="GenAI-Showcase Screenshot"
GenAI-Showcase
The Generative AI Use Cases Repository showcases a wide range of applications in generative AI, including Retrieval-Augmented Generation (RAG), AI Agents, and industry-specific use cases. It provides practical notebooks and guidance on utilizing frameworks such as LlamaIndex and LangChain, and demonstrates how to integrate models from leading AI research companies like Anthropic and OpenAI.
data:image/s3,"s3://crabby-images/4fe7c/4fe7c5fec2007404da6f271d62604d2ce0b55cd4" alt="Groma Screenshot"
Groma
Groma is a grounded multimodal assistant that excels in region understanding and visual grounding. It can process user-defined region inputs and generate contextually grounded long-form responses. The tool presents a unique paradigm for multimodal large language models, focusing on visual tokenization for localization. Groma achieves state-of-the-art performance in referring expression comprehension benchmarks. The tool provides pretrained model weights and instructions for data preparation, training, inference, and evaluation. Users can customize training by starting from intermediate checkpoints. Groma is designed to handle tasks related to detection pretraining, alignment pretraining, instruction finetuning, instruction following, and more.
data:image/s3,"s3://crabby-images/f3732/f37321fcbab5ebad5b4f83ba6136d52505d8589b" alt="recommenders Screenshot"
recommenders
Recommenders is a project under the Linux Foundation of AI and Data that assists researchers, developers, and enthusiasts in prototyping, experimenting with, and bringing to production a range of classic and state-of-the-art recommendation systems. The repository contains examples and best practices for building recommendation systems, provided as Jupyter notebooks. It covers tasks such as preparing data, building models using various recommendation algorithms, evaluating algorithms, tuning hyperparameters, and operationalizing models in a production environment on Azure. The project provides utilities to support common tasks like loading datasets, evaluating model outputs, and splitting training/test data. It includes implementations of state-of-the-art algorithms for self-study and customization in applications.
data:image/s3,"s3://crabby-images/f1784/f17845dc136533d59550e968006cd1b3634b9e80" alt="jailbreak_llms Screenshot"
jailbreak_llms
This is the official repository for the ACM CCS 2024 paper 'Do Anything Now': Characterizing and Evaluating In-The-Wild Jailbreak Prompts on Large Language Models. The project employs a new framework called JailbreakHub to conduct the first measurement study on jailbreak prompts in the wild, collecting 15,140 prompts from December 2022 to December 2023, including 1,405 jailbreak prompts. The dataset serves as the largest collection of in-the-wild jailbreak prompts. The repository contains examples of harmful language and is intended for research purposes only.
data:image/s3,"s3://crabby-images/97216/97216cd4d450c232ad82339691b5ea18b04d24f7" alt="OpenAI-CLIP-Feature Screenshot"
OpenAI-CLIP-Feature
This repository provides code for extracting image and text features using OpenAI CLIP models, supporting both global and local grid visual features. It aims to facilitate multi visual-and-language downstream tasks by allowing users to customize input and output grid resolution easily. The extracted features have shown comparable or superior results in image captioning tasks without hyperparameter tuning. The repo supports various CLIP models and provides detailed information on supported settings and results on MSCOCO image captioning. Users can get started by setting up experiments with the extracted features using X-modaler.
For similar tasks
data:image/s3,"s3://crabby-images/f09b2/f09b201ad5445ec671cc871632a4799f9d9baecb" alt="redis-ai-resources Screenshot"
redis-ai-resources
A curated repository of code recipes, demos, and resources for basic and advanced Redis use cases in the AI ecosystem. It includes demos for ArxivChatGuru, Redis VSS, Vertex AI & Redis, Agentic RAG, ArXiv Search, and Product Search. Recipes cover topics like Getting started with RAG, Semantic Cache, Advanced RAG, and Recommendation systems. The repository also provides integrations/tools like RedisVL, AWS Bedrock, LangChain Python, LangChain JS, LlamaIndex, Semantic Kernel, RelevanceAI, and DocArray. Additional content includes blog posts, talks, reviews, and documentation related to Vector Similarity Search, AI-Powered Document Search, Vector Databases, Real-Time Product Recommendations, and more. Benchmarks compare Redis against other Vector Databases and ANN benchmarks. Documentation includes QuickStart guides, official literature for Vector Similarity Search, Redis-py client library docs, Redis Stack documentation, and Redis client list.
For similar jobs
data:image/s3,"s3://crabby-images/7689b/7689ba1fce50eb89a5e34075170d6aaee3c49f87" alt="weave Screenshot"
weave
Weave is a toolkit for developing Generative AI applications, built by Weights & Biases. With Weave, you can log and debug language model inputs, outputs, and traces; build rigorous, apples-to-apples evaluations for language model use cases; and organize all the information generated across the LLM workflow, from experimentation to evaluations to production. Weave aims to bring rigor, best-practices, and composability to the inherently experimental process of developing Generative AI software, without introducing cognitive overhead.
data:image/s3,"s3://crabby-images/10ae7/10ae70fb544e4cb1ced622d6de4a6da32e2f9150" alt="LLMStack Screenshot"
LLMStack
LLMStack is a no-code platform for building generative AI agents, workflows, and chatbots. It allows users to connect their own data, internal tools, and GPT-powered models without any coding experience. LLMStack can be deployed to the cloud or on-premise and can be accessed via HTTP API or triggered from Slack or Discord.
data:image/s3,"s3://crabby-images/83afc/83afcd39fd69a41723dd590c7594d452ad40edd5" alt="VisionCraft Screenshot"
VisionCraft
The VisionCraft API is a free API for using over 100 different AI models. From images to sound.
data:image/s3,"s3://crabby-images/065d0/065d091551616e8781269d4b98673eee8b08234f" alt="kaito Screenshot"
kaito
Kaito is an operator that automates the AI/ML inference model deployment in a Kubernetes cluster. It manages large model files using container images, avoids tuning deployment parameters to fit GPU hardware by providing preset configurations, auto-provisions GPU nodes based on model requirements, and hosts large model images in the public Microsoft Container Registry (MCR) if the license allows. Using Kaito, the workflow of onboarding large AI inference models in Kubernetes is largely simplified.
data:image/s3,"s3://crabby-images/48887/488870f896a867b538f8a551521f4987e02b7077" alt="PyRIT Screenshot"
PyRIT
PyRIT is an open access automation framework designed to empower security professionals and ML engineers to red team foundation models and their applications. It automates AI Red Teaming tasks to allow operators to focus on more complicated and time-consuming tasks and can also identify security harms such as misuse (e.g., malware generation, jailbreaking), and privacy harms (e.g., identity theft). The goal is to allow researchers to have a baseline of how well their model and entire inference pipeline is doing against different harm categories and to be able to compare that baseline to future iterations of their model. This allows them to have empirical data on how well their model is doing today, and detect any degradation of performance based on future improvements.
data:image/s3,"s3://crabby-images/c92ac/c92accb591e608b2d38283e73dd764fb033bff25" alt="tabby Screenshot"
tabby
Tabby is a self-hosted AI coding assistant, offering an open-source and on-premises alternative to GitHub Copilot. It boasts several key features: * Self-contained, with no need for a DBMS or cloud service. * OpenAPI interface, easy to integrate with existing infrastructure (e.g Cloud IDE). * Supports consumer-grade GPUs.
data:image/s3,"s3://crabby-images/7740a/7740ad4457091afbcd6c9b0f3b808492d0dccb01" alt="spear Screenshot"
spear
SPEAR (Simulator for Photorealistic Embodied AI Research) is a powerful tool for training embodied agents. It features 300 unique virtual indoor environments with 2,566 unique rooms and 17,234 unique objects that can be manipulated individually. Each environment is designed by a professional artist and features detailed geometry, photorealistic materials, and a unique floor plan and object layout. SPEAR is implemented as Unreal Engine assets and provides an OpenAI Gym interface for interacting with the environments via Python.
data:image/s3,"s3://crabby-images/33099/330995f291fdf6166ad2fee1a67c879cd5496194" alt="Magick Screenshot"
Magick
Magick is a groundbreaking visual AIDE (Artificial Intelligence Development Environment) for no-code data pipelines and multimodal agents. Magick can connect to other services and comes with nodes and templates well-suited for intelligent agents, chatbots, complex reasoning systems and realistic characters.