GitHub topics: chromadb
amikos-tech/chroma-go
The Go client for Chroma vector database
Language: Go - Size: 27.2 MB - Last synced at: about 11 hours ago - Pushed at: about 12 hours ago - Stars: 114 - Forks: 24

ksm26/dr-x-nlp-pipeline
A fully offline NLP pipeline for extracting, chunking, embedding, querying, summarizing, and translating research documents using local LLMs. Inspired by the fictional mystery of Dr. X, the system supports multi-format files, local RAG-based Q&A, Arabic translation, and ROUGE-based summarization — all without cloud dependencies.
Language: Python - Size: 9.92 MB - Last synced at: about 9 hours ago - Pushed at: 3 days ago - Stars: 2 - Forks: 0

Josh-XT/AGiXT
AGiXT is a dynamic AI Agent Automation Platform that seamlessly orchestrates instruction management and complex task execution across diverse AI providers. Combining adaptive memory, smart features, and a versatile plugin system, AGiXT delivers efficient and comprehensive AI solutions.
Language: Python - Size: 168 MB - Last synced at: about 7 hours ago - Pushed at: about 12 hours ago - Stars: 2,983 - Forks: 399

BIshesh340/PDFChat
A web app that allows users to upload PDFs and interact with them through a Q&A interface. The application extracts text from PDFs, generates embeddings, stores them in a FAISS database, and retrieves relevant information to provide context-aware answers using a large language model .
Language: JavaScript - Size: 101 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

dudesoccer123/Comprehensive-Lecture-Notes-Generator
This an intelligent tool that transcribes university lectures and integrates them with lecture slides to automatically generate comprehensive, topic-wise structured notes in PDF format.
Language: Jupyter Notebook - Size: 30.3 KB - Last synced at: about 10 hours ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

Svantevith/talk-to-your-website
RAG agent enhanced with LLM-optimized website crawler built using Crawl4AI, Langchain, ChromaDB and Ollama.
Language: Python - Size: 189 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

amikos-tech/chroma-cookbook
Learn how to use ChromaDB
Language: Jupyter Notebook - Size: 12.3 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 56 - Forks: 7

manojkp08/shl-assessment-recommendor
AI-Powered Tool for Optimal SHL Test Recommendations
Language: Python - Size: 2.67 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 2 - Forks: 0

maksystem2025/GenAI-Course-Repo
Explore a comprehensive collection of hands-on-tutorials, examples and note from the "Complete GenAI course wth Langchain and Huggingface".
Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 1

JonahWhaler/llm-agent-toolkit
LLM AgeToolkit provides minimal, modular interfaces for core components in LLM-based applications.
Language: Python - Size: 749 KB - Last synced at: about 20 hours ago - Pushed at: about 21 hours ago - Stars: 3 - Forks: 0

FarazF19/Conversational-QnA-Chatbot
This project implements a production-ready Conversational (RAG) chatbot using LangChain, Groq’s LLaMA 3 model, ChromaDB, and HuggingFace embeddings. It supports persistent chat history across sessions using RunnableWithMessageHistory, and integrates modular prompting, document loading, and retriever-aware chains to handle context-aware multi-chats.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

GURPREETKAURJETHRA/RAG-using-Llama3-Langchain-and-ChromaDB
RAG using Llama3, Langchain and ChromaDB
Language: Jupyter Notebook - Size: 55.7 KB - Last synced at: about 17 hours ago - Pushed at: 7 months ago - Stars: 110 - Forks: 32

NotJoeMartinez/yt-fts
YouTube Full Text Search - Search all of a YouTube channel from the command line
Language: Python - Size: 367 KB - Last synced at: 3 days ago - Pushed at: 7 months ago - Stars: 1,685 - Forks: 85

Anush008/chromadb-rs
Rust client library for ChromaDB
Language: Rust - Size: 167 KB - Last synced at: 3 days ago - Pushed at: about 2 months ago - Stars: 41 - Forks: 11

chintanboghara/DeepSeek-RAG-Application
Streamlit based Chatbot Application
Language: Python - Size: 37.1 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

mesumittiwari/Cold-E-Mail-Generator
A Cold E-Mail Generator built with Streamlit and Langchain. It extracts job details from URLs, generates personalized cold emails, and allows users to edit and copy them. The app uses Groq API for content generation and ChromaDB for portfolio management.
Language: Python - Size: 111 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

Skye-flyhigh/black-cat
Development of a AI chatbot (a desktop pet) with persistent & organic memory system
Language: TypeScript - Size: 820 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 0

Azure-Samples/eShopLite
eShopLite is a set of reference .NET applications implementing an eCommerce site with features like Semantic Search, MCP, Reasoning models and more.
Language: C# - Size: 9.66 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 0

GokhanAsilturk/VectorDB_Link_Search
VectorDB_Link_Search, web linklerinden içerik çekerek sorulara doğal dilde yanıt veren bir Retrieval-Augmented Generation (RAG) sistemidir. ChromaDB ile vektör tabanlı bilgi alma ve Ollama ile yerel LLM kullanarak hızlı ve doğru yanıtlar sunar.
Language: Python - Size: 12.7 KB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

alexmllo/llm-chat-app
Web app that scrapes sites, generates embeddings, stores them in ChromaDB, and lets you query them via an LLM-powered chat.
Language: Python - Size: 49.8 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

savg92/ai_agent_app
This project implements a Retrieval-Augmented Generation (RAG) system using a Python backend built with FastAPI and Langchain. It allows users to ask questions about documents stored locally, leveraging various LLM and embedding providers like Ollama, OpenAI, Azure, and Bedrock.
Language: Python - Size: 40 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

HyxiaoGe/fusion-api
统一的多模型AI聊天集成平台,支持文心一言、通义千问、DeepSeek、OpenAI等大模型,提供向量检索和文件处理功能。
Language: Python - Size: 325 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 2 - Forks: 0

sudoleg/YouTubeGPT
YouTubeGPT is an LLM-based web-app that can be run locally and allows you to summarize and chat (Q&A) with YouTube videos.
Language: Jupyter Notebook - Size: 931 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 10 - Forks: 5

Maytereya/Distributed-Local-AI-Agent
Two servers distributed Local Retrieval-Augmented Generation (RAG) Agent Using LangGraph. Adapted for the Russian Language.
Language: Python - Size: 25.2 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 7 - Forks: 1

vishivishvish/dlai-adv-retrieval-chroma
Advanced Retrieval for AI with Chroma | Deeplearning.ai
Size: 7.81 KB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

benfwalla/BenThompsonChatbot
An LLM app that allows you to chat with Stratechery articles
Language: Python - Size: 244 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 2 - Forks: 3

AI-Northstar-Tech/vector-io
Comprehensive Vector Data Tooling. The universal interface for all vector database, datasets and RAG platforms. Easily export, import, backup, re-embed (using any model) or access your vector data from any vector databases or repository.
Language: Jupyter Notebook - Size: 4.4 MB - Last synced at: 3 days ago - Pushed at: 9 days ago - Stars: 236 - Forks: 27

mxmarchal/neuraldocs
Demo RAG API (FastAPI, OpenAI, ChromaDB, Docker) automatically generated using the OpenAI Codex CLI tool. Highlights Codex's capability for rapid, complex application development.
Language: Python - Size: 23.4 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

tecno-consultores/llm-lab
LLM laboratory
Language: Shell - Size: 176 KB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 3 - Forks: 2

Adiii1436/datadoc
Language: Python - Size: 100 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 5 - Forks: 2

AmadeusITGroup/docs2vecs
CLI that helps with docs splitting, embedding and exposing them in a seamless manner
Language: Python - Size: 1.51 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 3 - Forks: 5

GokulGowthamS/AskDocs_GEN-AI
AskDocs Generative AI
Language: Python - Size: 2.1 MB - Last synced at: 6 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

rahulsamant37/Daily-Task
DAILY-TASK: My Learning & Development Journey repository documenting my growth in MLOps and AI Engineering. It serves as both a portfolio and knowledge base, showcasing production-ready ML pipelines and core Python development practices. With projects on MLOps, AgenticAI, each commit reflects my continuous learning and practical implementations.
Language: Jupyter Notebook - Size: 13.3 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

shreyasanap/Langchain
Langchain essentials
Language: Jupyter Notebook - Size: 2.9 MB - Last synced at: about 20 hours ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

Haste171/langchain-chatbot
AI Chatbot for analyzing/extracting information from data in conversational format.
Language: Python - Size: 1.18 MB - Last synced at: 3 days ago - Pushed at: 9 days ago - Stars: 418 - Forks: 91

drisskhattabi6/Chat-with-PDF-Locally
Chat with PDF locally: An advanced chatbot using Ollama LLMs to interactively extract information from PDFs, Using Streamlit & Ollama and langchain
Language: Python - Size: 11.4 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 1 - Forks: 0

ssone95/ChromaDB.Client
ChromaDB.Client is a .NET SDK that offers a seamless connection to the Chroma database. It allows creating and managing collections, performing CRUD operations, and executing nearest neighbor search and filtering.
Language: C# - Size: 162 KB - Last synced at: 8 days ago - Pushed at: 2 months ago - Stars: 17 - Forks: 5

surajgiri974/langchain-qa-chroma-faiss
A document-based Question-Answering system using LangChain, HuggingFace Embeddings, Ollama (Mistral), Chroma, and FAISS — all running locally.
Language: Python - Size: 519 KB - Last synced at: 9 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

volteditor/mcp.chroma
a mcp server for interacting with ChromaDB
Language: Rust - Size: 13.7 KB - Last synced at: 5 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

vedanshipathak/Mental-Health-Support-Chatbot
AI-Powered Mental Health Chatbot (Flask + RAG)
Language: Jupyter Notebook - Size: 2.78 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

annnieglez/genai-travel-guide
This project is an AI-powered chatbot that provides real-time travel advice about Iceland. It utilizes Retrieval-Augmented Generation (RAG) by storing document embeddings in ChromaDB and retrieving relevant information to generate responses using a Large Language Model (LLM).
Language: Jupyter Notebook - Size: 117 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

onlyphantom/llm-python
Large Language Models (LLMs) tutorials & sample scripts, ft. langchain, openai, llamaindex, gpt, chromadb & pinecone
Language: Jupyter Notebook - Size: 2.11 MB - Last synced at: 10 days ago - Pushed at: 3 months ago - Stars: 807 - Forks: 282

carlosdavidantas/luminai
AI-powered tool that transcribes YouTube videos and answers your questions with contextual insights, summaries, and explanations.
Language: JavaScript - Size: 181 KB - Last synced at: 10 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

flanker/chromadb-admin
Admin UI for Chroma embedding database built with Next.js
Language: TypeScript - Size: 711 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 179 - Forks: 43

AIAfterDark/codebase-convo
A conversational tool that lets developers interact with codebases using natural language, providing contextual answers drawn directly from your code.
Language: Python - Size: 31.3 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

GURPREETKAURJETHRA/Meta-LLAMA3-GenAI-UseCases-End-To-End-Implementation-Guides
META LLAMA3 GENAI Real World UseCases End To End Implementation Guide
Language: Jupyter Notebook - Size: 163 KB - Last synced at: 5 days ago - Pushed at: 7 months ago - Stars: 26 - Forks: 9

AnuritiGupta26/ColdMail-Pro
A generative AI tool that automatically creates personalized cold emails for businesses seeking contract-based clients. Using the latest Llama model, it streamlines outreach for companies like HCL, Microsoft, and Google to clients such as Nike and Adidas, simplifying the process of offering contract-based employees.
Language: Jupyter Notebook - Size: 74.2 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

ddihora1604/NyayMitra
NyayMitra is a comprehensive legal assistance platform offering AI chatbot support, lawyer search with maps, legal document analysis, case tracking, contract drafting, and interactive legal flowcharts to simplify access to justice for all.
Language: JavaScript - Size: 5.33 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

erenisci/rag-implementation
A RAG-based NLP application leveraging OpenAI's GPT models, ChromaDB, and LangChain to process and analyze PDFs. Features real-time chat storage and an intuitive UI.
Language: Python - Size: 161 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

venkatavamsi01/RAG-Web-Scraping-LangChain-Selenium-ChromaDB
RAG-based automated web scraping system for structured game rules retrieval using LangChain, Selenium, and ChromaDB.
Language: Jupyter Notebook - Size: 8.79 KB - Last synced at: 9 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

codernate92/langchain-multimodal-research-copilot
AI-powered research assistant that ingests PDFs, images, and audio, embeds them using LangChain, and stores them in a local vector database for natural language Q&A.
Language: Python - Size: 7.81 KB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

lawglance/lawglance
A free open source RAG based AI legal assistant.
Language: Jupyter Notebook - Size: 70.3 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 100 - Forks: 24

athina-ai/rag-cookbooks
This repository contains various advanced techniques for Retrieval-Augmented Generation (RAG) systems.
Language: Jupyter Notebook - Size: 2.19 MB - Last synced at: 11 days ago - Pushed at: 2 months ago - Stars: 1,845 - Forks: 197

jeromeboivin/ollama-chat
A single file, customizable Python CLI tool for interacting with local Language Models, ensuring data privacy while providing conversation memory and extensibility through plugins and efficient Retrieval-Augmented Generation capabilities with ChromaDB integration. Also compatible with OpenAI API.
Language: Python - Size: 793 KB - Last synced at: 5 days ago - Pushed at: 14 days ago - Stars: 12 - Forks: 3

Azie88/Vanna-SQL-AI-Assistant
Using Vanna AI to generate SQL queries from a local MySQL database
Language: Jupyter Notebook - Size: 770 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

ossirytk/llama-cpp-chat-memory
Local character AI chatbot with chroma vector store memory and some scripts to process documents for Chroma
Language: Python - Size: 45.6 MB - Last synced at: 5 days ago - Pushed at: 7 months ago - Stars: 33 - Forks: 5

BhathiyaPrasad/ai_chat_bot
This is an ongoing project for building ai powered chatbot for testing
Language: Python - Size: 12.7 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 1 - Forks: 0

areebahmed575/Learn-Generative-AI
This repo contains almost everything about Generative Ai
Language: Jupyter Notebook - Size: 141 MB - Last synced at: 5 days ago - Pushed at: 2 months ago - Stars: 15 - Forks: 1

zainjavedev/Minimal-Rag-System
A Minimal Rag System that uses embeddings, Vector database (Chromadb) and Meta's llama 4 Mavericks LLM
Language: Python - Size: 1000 Bytes - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

hulk-pham/MCP-RAG
A demo of Retrieval-Augmented Generation (RAG) application with MCP server integration.
Language: Python - Size: 533 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

RijoSLal/Quizzy
Quizzy is an AI interviewer that creates hyper-personalized interview simulation using a RAG-based system for dynamic conversations. It analyzes emotions, perception, posture, and responses, ensuring a natural flow. With job opening scraping and an embedding-based ATS score checker, Quizzy prepares you for the job market. Built with MLOps in Django
Language: CSS - Size: 5.1 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

leobrqz/Cheatsheet-LabAI
A cheatsheet generator built on Gradio using LangChain and OpenAI alongside ChromaDB
Language: Python - Size: 154 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 1 - Forks: 0

tmeftah/chromadb-llama3-rag
A simple local document QA system using Llama3 and ChromaDB, with a user-friendly interface.
Language: Python - Size: 33.2 KB - Last synced at: 14 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

amikos-tech/chromadb-chart
Chart for deploying ChromaDB in Kubernetes
Language: Smarty - Size: 217 KB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 46 - Forks: 22

CNTRLAI/Notate
Notate is a desktop chat application that takes AI conversations to the next level. It combines the simplicity of chat with advanced features like document analysis, vector search, and multi-model AI support - all while keeping your data private.
Language: TypeScript - Size: 2.39 MB - Last synced at: 11 days ago - Pushed at: about 2 months ago - Stars: 249 - Forks: 20

yussufbiyik/langchain-chromadb-rag-example
My attempt at implementing retreival augmented generation on Ollama and other LLM services using chromadb and langchain while also providing an easy to understand, clean code for others since nobody else does
Language: Python - Size: 39.1 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 24 - Forks: 3

brylie/langflow-fastapi-htmx
Langflow chat proxy and frontend using FastAPI and HTMX
Language: Python - Size: 57.6 KB - Last synced at: 5 days ago - Pushed at: 10 months ago - Stars: 11 - Forks: 6

MiMa6/rag-search-system
RAG search system that enables intelligent document comparison and version analysis across multiple formats
Language: Python - Size: 70.3 KB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

alphasecio/langchain-examples
A collection of apps powered by the LangChain LLM framework.
Language: Python - Size: 1.79 MB - Last synced at: 19 days ago - Pushed at: 10 months ago - Stars: 453 - Forks: 134

AkiRusProd/llm-agent
LLM using long-term memory through vector database
Language: Python - Size: 280 KB - Last synced at: 5 days ago - Pushed at: about 1 year ago - Stars: 49 - Forks: 10

teilomillet/raggo
A lightweight, production-ready RAG (Retrieval Augmented Generation) library in Go.
Language: Go - Size: 567 KB - Last synced at: 12 days ago - Pushed at: 5 months ago - Stars: 55 - Forks: 3

philippgille/chromem-go
Embeddable vector database for Go with Chroma-like interface and zero third-party dependencies. In-memory with optional persistence.
Language: Go - Size: 405 KB - Last synced at: 19 days ago - Pushed at: 8 months ago - Stars: 499 - Forks: 30

Chaima-Ja/guardian-llm
A modular AI safety and orchestration layer between users and target LLMs. It filters prompts using rule-based validation, enforces rate limits, logs activity, performs semantic search, and routes safe queries to the LLM. Built with Flask, MongoDB, Redis, ChromaDB, and LLaMA 3.1 via Ollama.
Language: Python - Size: 377 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

aetherjs/codesherpa
Intelligent analysis and AI-powered onboarding for Github repositories
Language: TypeScript - Size: 488 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

AnshKathpal/Documentor-pdfChatbot
DocuMentor is a sophisticated chatbot application designed to assist users in extracting valuable information from uploaded PDF documents. Users can upload PDF files, chat with the AI chatbot to ask questions or seek information related to the document, and receive well-informed responses.
Language: Python - Size: 223 MB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

ai-naymul/WebConverseAI
It is an AI-powered conversational interface that allows users to chat with websites.
Language: Python - Size: 13.7 KB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 1 - Forks: 0

chitralputhran/Advanced-RAG-LangGraph
Advanced-RAG-LangGraph is a Streamlit-based web application that implements an advanced Retrieval-Augmented Generation (RAG) pipeline using LangGraph, ChromaDB, and Tavily to enable interactive document-based Q&A with enhanced retrieval and error-handling capabilities.
Language: Python - Size: 26.4 KB - Last synced at: 19 days ago - Pushed at: 4 months ago - Stars: 4 - Forks: 1

cf-toolsuite/sanford
Sanford utilizes LLMs, a storage bucket, and a Vector store to search for and/or summarize documents that you upload.
Language: Java - Size: 4.1 MB - Last synced at: 15 days ago - Pushed at: 22 days ago - Stars: 3 - Forks: 1

arnabberawork/Semantic-Spotter-AI
Your AI-Powered Intelligent Search Assistant for Policy Documents
Language: Jupyter Notebook - Size: 38.2 MB - Last synced at: 22 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

varunsainadh-116/SalesScribe-AI
services company using groq, langchain and streamlit. It allows users to input the URL of a company's careers page. The tool then extracts job listings from that page and generates personalized cold emails
Language: Python - Size: 241 KB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 2 - Forks: 0

jhaayush2004/Hybrid-Retrieval-Systems
Hybrid Retrieval System combining keyword matching (BM25) with semantic similarity (Vectorstore) for improved retrieval.
Language: Jupyter Notebook - Size: 83 KB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

amankrs21/AI-DEV-AGENT
AI-powered developer assistant that can autonomously analyze, modify, and debug code—almost like an AI pair programmer but with deeper project understanding.
Language: JavaScript - Size: 659 KB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 1 - Forks: 0

AGiXT/python-sdk
AGiXT is a dynamic AI Automation Platform that seamlessly orchestrates instruction management and complex task execution across diverse AI providers. Combining adaptive memory, smart features, and a versatile plugin system, AGiXT delivers efficient and comprehensive AI solutions.
Language: Python - Size: 69.3 KB - Last synced at: 3 days ago - Pushed at: 25 days ago - Stars: 19 - Forks: 5

janus-llm/janus-llm
Leveraging LLMs for modernization through intelligent chunking, iterative prompting and reflection, and retrieval augmented generation (RAG).
Language: Python - Size: 42.7 MB - Last synced at: 11 days ago - Pushed at: 12 days ago - Stars: 30 - Forks: 5

kabragaurav/chromadb
Hands-On With ChromaDB, A Popular Vector Database, For GenAI Applications
Language: Jupyter Notebook - Size: 4.72 MB - Last synced at: 10 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

Senimtra/starstuff-ai
An AI chatbot that makes space fun for kids with astronomy facts, images, and podcast-style responses. 🌌🎙️🌠
Language: Jupyter Notebook - Size: 23.4 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

amikos-tech/chromadb-ops
Chroma maintenance CLI
Language: Python - Size: 485 KB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 6 - Forks: 0

py928/LLM_research_assistant
An AI-powered research assistant that leverages Retrieval-Augmented Generation (RAG) to provide accurate responses to user queries by retrieving relevant documents and reasoning through complex questions.
Language: Python - Size: 0 Bytes - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

petermartens98/GPT4-LangChain-Agents-Research-Web-App
Python Streamlit web app utilizing OpenAI (GPT4) and LangChain LLM tools with access to Wikipedia, DuckDuckgo Search, and a ChromaDB with previous research embeddings. Ultimately delivering a research report for a user-specified input, including an introduction, quantitative facts, as well as relevant publications, books, and youtube links.
Language: Python - Size: 36.1 KB - Last synced at: 21 days ago - Pushed at: almost 2 years ago - Stars: 72 - Forks: 15

AmirAli5/Vector_Databases
Learning journey with Vector Databases for GenAI RAG applications, exploring Chroma, Pinecone, and Weaviate for efficient retrieval, indexing, and querying in AI-driven systems.
Size: 732 KB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 0 - Forks: 0

unnikked/NotionRag
Ask question over your Notion Database! A naive Retrieval-Augmented Generation (RAG) pipeline backed by Langchain and Streamlit
Language: Python - Size: 383 KB - Last synced at: 19 days ago - Pushed at: over 1 year ago - Stars: 30 - Forks: 6

EkleTony/GenAI-Course-Repo
Explore a comprehensive collection of hands-on-tutorials, examples and note from the "Complete GenAI course wth Langchain and Huggingface".
Language: Jupyter Notebook - Size: 1.26 MB - Last synced at: 16 days ago - Pushed at: 29 days ago - Stars: 1 - Forks: 0

swordonfire/SuperBot
An AI-powered assistant to streamline knowledge management, member discovery, and content generation across Telegram and Twitter, while ensuring privacy with local LLM deployment.
Language: Python - Size: 1.42 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

ako1983/LLM_research_assistant
An AI-powered research assistant that leverages Retrieval-Augmented Generation (RAG) to provide accurate responses to user queries by retrieving relevant documents and reasoning through complex questions.
Language: Python - Size: 56.6 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

aditya-10012002/PDF-Chatbot_RAG
A PDF Chatbot to query information out of the selected PDFs you upload.
Language: Python - Size: 625 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

pranav-ap/library_rag
A RAG agent for local document retrieval and answer generation
Language: Jupyter Notebook - Size: 303 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

yo1am1/app-clothes-recommender
A multimodal recommendation system for clothing products that combines image/text embeddings, a vector store, and an interactive chatbot to deliver personalized product recommendations.
Language: Python - Size: 65.9 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

esscova/whatsapp-ai-chatbot
chatbot com whatsapp usando waha
Language: Python - Size: 260 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

mayankmittal29/PageSage-AI_URLs_content_Scraper_WebApp
PageSage is a modular web scraping and semantic retrieval system using BeautifulSoup for extraction, SentenceTransformers for dense embeddings, and ChromaDB for scalable vector search—enabling efficient data indexing for advanced RAG pipelines.
Language: Python - Size: 180 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

harsh-vardhhan/ai-agent-flight-scanner
AI agent to search Google Flights data
Language: Python - Size: 742 KB - Last synced at: 12 days ago - Pushed at: 2 months ago - Stars: 46 - Forks: 6
