• Stars
    star
    16
  • Rank 1,311,288 (Top 26 %)
  • Language
    Python
  • License
    MIT License
  • Created over 1 year ago
  • Updated over 1 year ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

This is a chatbot using ChatGPT and Pinecone.

More Repositories

1

Llama2-Medical-Chatbot

This is a medical bot built using Llama2 and Sentence Transformers. The bot is powered by Langchain and Chainlit. The bot runs on a decent CPU machine with a minimum of 16GB of RAM.
Python
293
star
2

Chat-with-PDF-Chatbot

This Chatbot is an interactive app developed to assist users to interact with their PDF. It is built using Open Source Stack. No OpenAI is required.
Python
142
star
3

ChatCSV-Streamlit-App

An LLM powered ChatCSV Streamlit app so you can chat with your CSV files.
Python
82
star
4

Haystack-and-Mistral-7B-RAG-Implementation

Haystack and Mistral 7B RAG Implementation. It is based on completely open-source stack.
Python
72
star
5

ChatCSV-Llama2-Chatbot

ChatCSV bot using Llama 2, Sentence Transformers, CTransformers, Langchain, and Streamlit.
Python
61
star
6

Question-Answer-Generation-App-using-Mistral-7B

Question Answer Generation App using Mistral 7B, Langchain, and FastAPI.
HTML
60
star
7

Medical-RAG-using-Bio-Mistral-7B

This is a RAG implementation using Open Source stack. BioMistral 7B has been used to build this app along with PubMedBert as an embedding model, Qdrant as a self hosted Vector DB, and Langchain & Llama CPP as an orchestration frameworks.
HTML
56
star
8

Search-Your-PDF-App

Search Your PDF App using Langchain, ChromaDB, Sentence Transformers, and LaMiNi LM Model. This app is completely powered by Open Source Models. No OpenAI key is required.
Python
52
star
9

Function-Calling-Mistral-7B

Function Calling Mistral 7B. Learn how to make functions call for open source LLMs.
Jupyter Notebook
46
star
10

YouTube-Video-Summarization-App

YouTube Video Summarization App built using open source LLM and Framework like Llama 2, Haystack, Whisper, and Streamlit. This app smoothly runs on CPU as Llama 2 model is in GGUF format loaded through Llama.cpp.
Python
44
star
11

Zephyr-7B-beta-RAG-Demo

Zephyr 7B beta RAG Demo inside a Gradio app powered by BGE Embeddings, ChromaDB, and Zephyr 7B Beta LLM.
Python
35
star
12

Multimodal-RAG-using-Langchain

Multimodal RAG using Langchain
Jupyter Notebook
34
star
13

Multimodal-AI-App-using-Llava-7B

Multimodal AI App using Llava 7B and Gradio.
Jupyter Notebook
33
star
14

Medical-RAG-using-Meditron-7B-LLM

Medical RAG QA App using Meditron 7B LLM, Qdrant Vector Database, and PubMedBERT Embedding Model.
HTML
33
star
15

Gorilla-LLM-Demo-App

This is a Gorilla LLM Demo app developed using Streamlit.
Python
30
star
16

Question-Answer-Generation-App

Question Answer Generation App from the documents. Primarily suited to Teachers and related Academia's posts.
Python
26
star
17

Groq-Chat-App

Groq Chat App built using Groq API and Streamlit.
Python
25
star
18

LIDA-Demo-Streamlit-App

Automatic Generation of Visualizations and Infographics with LLMs and Streamlit for your CSV data.
Python
24
star
19

GGUF-Quantization-of-any-LLM

GGUF Quantization of any LLM.
Jupyter Notebook
24
star
20

RAG-Tool-using-Haystack-Mistral-and-Chainlit

RAG Tool using Haystack, Mistral, and Chainlit. All open source stack on CPU.
Python
23
star
21

Evaluation-of-LLMs-and-RAGs

A complete guide to evaluate LLMs and RAGs. Both theory and code based approaches covered.
Jupyter Notebook
23
star
22

Medical-Help-App-using-GPT-4V

Medical Help App using GPT-4V
Python
22
star
23

Text-to-Music-Generation-App

Text to Music Generation App built using Meta's Audiocraft library. It is a Streamlit application utilises Music Gen small model.
Python
21
star
24

Text-to-PPT-Generation-Streamlit-App

This is an official repo for "Text to PPT Streamlit App". It generates PPT from your text using GPT-X Model and Python PPTX Library.
Python
21
star
25

Llama-2-Deployment-on-AWS

It is for Llama 2 Deployment on AWS.
Jupyter Notebook
20
star
26

On-device-LLM-Inference-using-Mediapipe

On-device LLM Inference using Mediapipe LLM Inference API.
HTML
20
star
27

Medical-Mixture-of-Experts-LLM

Medical Mixture of Experts LLM using Mergekit.
Jupyter Notebook
20
star
28

rag-evaluator

A library for evaluating Retrieval-Augmented Generation (RAG) systems (The traditional ways).
Python
20
star
29

Chat-with-Audio-using-LLM

This is a Streamlit application that helps you chat with your audio file powered by Langchain, ChromaDB, and OpenAI.
Python
19
star
30

Training-Small-Language-Model

Training Small Language Model
Jupyter Notebook
18
star
31

Design-to-Website-App-using-Generative-AI

Design to Website App using Generative AI. It is a streamlit application that uses OCR and LLM to generate code/website from design.
Python
18
star
32

SLIM-Models-by-LLMWare

SLIM Models by LLMWare. A streamlit app showing the capabilities for AI Agents and Function Calls.
Python
18
star
33

Whisper-API-in-Docker-Container

Whisper API built using FastAPI inside a Docker container.
Python
18
star
34

LaMini-LM-Summarization-Streamlit-App

A Streamlit application that summarizes documents using LaMini-LM.
Python
17
star
35

Chat-With-Your-Data-Chatbot

Chat with Your Data App using Langchain, ChromaDB, Sentence Transformers, and LaMiNi LM Model. This Chatbot is completely powered by Open Source Models. No OpenAI key is required.
Python
17
star
36

llmware-RAG-Demo-App

llmware RAG Demo App.
Python
17
star
37

LLM-Inference-API-in-Rust

LLM Inference API in Rust. It also has a streamlit app that requests the running API in Rust.
Rust
17
star
38

Synthetic-Data-Generation-using-LLM

Synthetic Data Generation using LLM via Argilla, Distilabel, ChatGPT, etc.
Jupyter Notebook
16
star
39

Investment-Banker-Chatbot

Investment Banker Chatbot using Intel's Neural Chat 7B LLM, BGE Embeddings, ChromaDB, Langchain, and CTransformers.
Python
16
star
40

Chrome-Extension-powered-by-LLM

Chrome Extension powered by LLM
Python
16
star
41

HyDE-based-RAG-using-NVIDIA-NIM

HyDE based RAG using NVIDIA NIM.
Jupyter Notebook
15
star
42

PubMed-Healthcare-Chatbot

PubMed Healthcare Chatbot. LLM Augmented Q&A over PubMed Search Engine.
Python
15
star
43

Small-Multimodal-Vision-Model

Small Multimodal Vision Model "Imp-v1-3b" trained using Phi-2 and Siglip.
Jupyter Notebook
15
star
44

AI-News-Anchor-Generator-App

AI News Anchor Generator App built using Midjourney, D-ID, OpenAI, NewsAPI, and Streamlit.
Python
14
star
45

Phi-2-Colab-Notebook

Phi-2 Colab Notebook
Jupyter Notebook
14
star
46

Fine-Tuning-Multimodal-LLM

Fine Tuning Multimodal LLM "Idefics 9B" on Pokemon Go Dataset available on Hugging Face.
Jupyter Notebook
14
star
47

Faster-Stable-Diffusion-SSD-1B

Faster Stable Diffusion using SSD-1B. A gradio app inside for demo.
Jupyter Notebook
14
star
48

Quick-Minutes-of-Meeting-using-ChatGPT

This is the official repo of "Quick Minutes of Meeting using ChatGPT" video on AI Anytime YouTube channel. We have used Da Vinci 003 model (GPT 3.5) by Open AI to generate MoM from video file. We are using Open AI's Whisper to get the transcripts from audio file and then generating the MoM from it. ChatGPT acts like a co-founder.
Jupyter Notebook
14
star
49

Code-Llama-QA-Bot

This is a QA bot based on Code Llama. It is a new LLM for code by Meta AI.
Python
13
star
50

Semantic-search-and-Summarization-App

Python
13
star
51

SaaS-Startup-using-Generative-AI

A SaaS Startup using Generative AI. This is a code bug fixer SaaS built using Azure OpenAI, Stripe, SQLite, and web technologies.
Python
13
star
52

Llama-2-Article-Generation-App

This is an official repository for the Article Generation app using Llama2, Pexels, and Streamlit.
Python
13
star
53

PaliGemma-Inference-and-Fine-Tuning

PaliGemma Inference and Fine Tuning
Jupyter Notebook
12
star
54

Create-Vector-Store-from-Scratch

Create Vector Store from Scratch in pure Python.
Python
12
star
55

GPT-Shield-AI-Plagiarism-Detector

This is streamlit app that gives you the perplexity and burstiness scores for LLM generated responses. It helps you detect some sort of plagiarism in the generated responses.
Python
12
star
56

Sentiment-Analysis-API

A simple Sentiment Analysis API in FastAPI.
Python
11
star
57

Agentic-RAG-using-Crew-AI

Agentic RAG using Crew AI.
Jupyter Notebook
11
star
58

Text-Summarizer-Streamlit-App

This is the official repo of Text Summarizer Streamlit App video from AI Anytime YouTube channel.
Python
11
star
59

Your-Private-StackOverflow

This is "Your Private StackOverflow" app that helps you perform generative search in your code bases. This is built using open-source stack and runs entirely on a CPU machine.
Python
11
star
60

Guardrails-Implementation-in-LLMs

Guardrails implementation in Generative AI powered apps. This app will show you how to put Guardrails in LLMs.
Python
10
star
61

AI-Agents-Streamlit-App

AI Agents Streamlit App using Crew AI.
Python
10
star
62

Scikit-LLM-Text-Classification-Streamlit-App

Scikit LLM Text Classification Streamlit App repository from AI Anytime YouTube channel.
Python
10
star
63

Metadata-Enrichment-using-KeyBERT

Metadata Enrichment using KeyBERT for advanced and improved RAG.
Jupyter Notebook
10
star
64

Phi-2-Fine-Tuning

Phi-2 Fine Tuning to build a mental health GPT.
Jupyter Notebook
10
star
65

On-device-real-time-RAG-App

On-device real-time RAG App built using Jina Reader, Mediapipe, Gemma 2b IT LLM.
JavaScript
10
star
66

CrewAI-AgentOps

CrewAI AgentOps: Monitor your AI Agents
Python
10
star
67

Multi-AI-Agents-for-Investment-Risk-Analysis

Multi AI Agents for Investment Risk Analysis
Jupyter Notebook
10
star
68

Search-in-Website-Streamlit-App

Search and Retrieve Information from Website using Langchain and OpenAI Functions.
Python
9
star
69

Llama-3-ORPO-Fine-Tuning

Llama 3 ORPO Fine Tuning on A100 in Colab Pro.
Jupyter Notebook
9
star
70

RAG-using-AWS-Bedrock-and-Azure-OpenAI

Python
9
star
71

Eval-LLMs

Eval LLMs
Jupyter Notebook
9
star
72

RAG-Backend

RAG Backend
Python
9
star
73

PetCare-AI-Llama-2-Chatbot

LLM-based Chatbot for PetCare. The app is built on open source stack and useful for Vet Doctors, Pet Lovers, etc. Supercharge your PetCare conversations with our lightning-fast AI chatbot powered by Llama 2.
HTML
9
star
74

Unsloth-Fine-Tuning

Unsloth Fine Tuning
Jupyter Notebook
9
star
75

How-to-implement-a-better-RAG

How to implement a better RAG? Covering Lotr (Lord of the Retrievers), Reranking Algos like RRF, Round Robin, Contextual Compression, Lost in the Middle, etc.
Jupyter Notebook
9
star
76

Build-your-first-RAG-using-Qdrant-Vector-Database

Get Started with Qdrant Vector DB. From Setup to First RAG Implementation using Qdrant.
Python
9
star
77

Perplexity-Lite

Perplexity Lite using Langgraph, Tavily, and GPT-4.
Jupyter Notebook
9
star
78

Code-Llama-GGUF-Demo

Code Llama GGUF Demo
Jupyter Notebook
9
star
79

AI-Agents-using-Crew-AI

AI Agents using Crew AI
Jupyter Notebook
9
star
80

Audio-Summarization-App-using-Gemini-1.5

Audio Summarization App using Gemini LLM.
Jupyter Notebook
9
star
81

Fine-Tune-Multimodal-LLM-Idefics-2

Fine Tune Multimodal LLM "Idefics 2" using QLoRA.
Jupyter Notebook
8
star
82

Stream-Diffusion-in-Colab

Stream Diffusion in Colab
Jupyter Notebook
8
star
83

ComfyUI-Colab-Notebook

ComfyUI Colab Notebook for Image and Video Generation.
Jupyter Notebook
8
star
84

Fashion-Search-App-using-AI

Fashion Search App (Text to Image Search) using AI Model.
Python
8
star
85

AIAnytime

7
star
86

Visual-Question-Answering-API-and-App

Visual Question Answering API and App using ViLT, Fast API, and Streamlit.
Python
7
star
87

Prompt-Injection-Prevention

Prompt Injection & Prevention techniques. Secure your AI Chatbots built using LLMs.
Jupyter Notebook
7
star
88

Lex-Podcast-Summarization

This is an app that summarises Lex Fridman's podcast clips powered by GPT 3.5 and Whisper JAX.
Python
7
star
89

Create-Llama-RAG-App

TypeScript
7
star
90

Image-Identification-App

An image identification application built in React and deployed on Firebase using machine learning framework for browser "TensorFlow.js" and pre-trained model for image classification "MobileNet".
JavaScript
7
star
91

carboncentrik-calculator

A simple Streamlit app for calculating the Carbon Footprint.
Python
6
star
92

Chatbot-using-ChatGPT-and-Deep-Lake

This is a chatbot implementation in Streamlit using OpenAI ChatGPT and Deep Lake which is a database for AI.
Python
6
star
93

GPT-3-powered-Question-Answering-App-using-Langchain-GPT-Index-and-Gradio

Official repo of Q&A app built using GPT-3.
Python
6
star
94

Readme-Generator-using-ChatGPT

An Streamlit application that uses GPT3.5 to generate Readme from the code file.
Python
6
star
95

Phi-3-LLM-by-Microsoft

Phi-3 LLM by Microsoft.
Jupyter Notebook
6
star
96

Machine-Learning-Models-Implementation

Implementation of several ML models on real-world datasets with detailed explanation in notebooks.
Jupyter Notebook
6
star
97

Synthetic-Data-Generation-using-Generative-AI

This is an official repo for synthetic data generation using Gretel, a Generative AI platform for generating synthetic data.
Jupyter Notebook
6
star
98

News-Article-Generator-using-ChatGPT-and-Whisper

It is the official repo of News Article Generator using ChatGPT and Whisper. It takes an input video and then uses Whisper to extract the transcript and OPEN AI's GPT3.5 to generate the News Article.
Python
6
star
99

Picozi

Picozi is an AI-enabled application that uses Computer Vision and Deep Learning to compute images and perform several processing tasks automatically.
Python
5
star
100

fishvision

FishVision built using Streamlit identifies the different species of Fishes in a given image. It is trained on "A Large Scale Fish Data" available on Kaggle using the pre-trained model "MobileNetV2".
Jupyter Notebook
5
star