GPT Based Technologies
Research on relevant GPT based technologies
- Research on relevant GPT based technologies
- Other
General Info
Notes on AI state of the art: https://github.com/sw-yx/ai-notes
Some links for knowledge: https://gist.github.com/rain-1/eebd5e5eb2784feecf450324e3341c8d
Fully Open Source Models & Datasets & Code
Tools
cformers
Tool to run models on CPU both as python apis and in chat mode (chat.py). Based on llama.cpp
Supports already multiple architectures and models including Open Source models (bloom,
https://github.com/NolanoOrg/cformers
Following Architectures are supported:
- GPT-J
- BLOOM
- GPT-NeoX/Pythia/Open-Assistant/Open-Chat-Kit
- CodeGen
Currently following huggingface models are supported:
- EleutherAI/gpt-j-6B
- bigscience/bloom-560m
- bigscience/bloom-1b1
- bigscience/bloom-1b7
- bigscience/bloom-3b
- BigScience/bloom-7b1
- OpenAssistant/oasst-sft-1-pythia-12b
- togethercomputer/GPT-NeoXT-Chat-Base-20B (thanks to @HCBlackFox)
- Salesforce/codegen-350M-mono
- Salesforce/codegen-2B-mono
- Salesforce/codegen-6B-mono
- Salesforce/codegen-16B-mono
- gpt2 (thanks to @kamalojasv181)
lit-llama
Fully open source implementation of the llama code
https://github.com/Lightning-AI/lit-llama
Uses NanoGPT as the model
Nvidia NeMo-Guardrails
NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
https://github.com/NVIDIA/NeMo-Guardrails
LangChain (framework)
LangChain is a framework for developing applications powered by language models
https://docs.langchain.com/docs/
FAISS
A library for efficient similarity search and clustering of dense vectors. - useful for giving LLMs additional "memories"
https://github.com/facebookresearch/faiss
Elasticsearch also supports vector fields.
Other open source vector databases: Pinecone, Milvis ... -> https://pynomial.com/2021/10/open-source-vector-databases-overview/
Mojo - (programming language designed for AI development)
(not fully released yet but worth keeping an eye on it)
"Mojo combines the usability of Python with the performance of C, unlocking unparalleled programmability of AI hardware and extensibility of AI models."
Cameleon llm (framework)
Chameleon is a plug-and-play compositional reasoning framework that augments LLMs with various types of tools.
https://github.com/lupantech/chameleon-llm
Gradio
Gradio is the fastest way to demo your machine learning model with a friendly web interface so that anyone can use it, anywhere!
powers oobabooga/text-generation-webui
Text generation web UI
A gradio web UI for running Large Language Models like LLaMA, llama.cpp, GPT-J, Pythia, OPT, and GALACTICA.
Its goal is to become the AUTOMATIC1111/stable-diffusion-webui of text generation.
https://github.com/oobabooga/text-generation-webui
has one click installers for linux, mac and linux
LocalAI
Self-hosted, community-driven, local OpenAI-compatible API. Drop-in replacement for OpenAI running LLMs on consumer-grade hardware. No GPU required. LocalAI is a RESTful API to run ggml compatible models: llama.cpp, alpaca.cpp, gpt4all.cpp, rwkv.cpp, whisper.cpp, vicuna, koala, gpt4all-j, cerebras and many others!
https://github.com/go-skynet/LocalAI
Installed at https://llmapi.ai.devxwiki.com. Very interesting project. Implements OpenAI API including also Chat API, Image API, and Embeddings API
Open Chat Kit
OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots for various applications. The kit includes an instruction-tuned 20 billion parameter language model, a 6 billion parameter moderation model, and an extensible retrieval system for including up-to-date responses from custom repositories. It was trained on the OIG-43M training dataset, which was a collaboration between Together, LAION, and Ontocord.ai. Much more than a model release, this is the beginning of an open source project. We are releasing a set of tools and processes for ongoing improvement with community contributions.
https://github.com/togethercomputer/OpenChatKit
Model based on GPT-NeoX-Chat-Base-20B
Bloom
Bloom
Largest open source model 176B Parameters (as of March 2023). Training in France:
https://huggingface.co/bigscience/bloom
BLOOM is an autoregressive Large Language Model (LLM), trained to continue text from a prompt on vast amounts of text data using industrial-scale computational resources. As such, it is able to output coherent text in 46 languages and 13 programming languages that is hardly distinguishable from text written by humans. BLOOM can also be instructed to perform text tasks it hasn't been explicitly trained for, by casting them as text generation tasks.
Bloomz
We present BLOOMZ & mT0, a family of models capable of following human instructions in dozens of languages zero-shot. We finetune BLOOM & mT5 pretrained multilingual language models on our crosslingual task mixture (xP3) and find the resulting models capable of crosslingual generalization to unseen tasks & languages.
https://huggingface.co/bigscience/bloomz
bloomz.cpp
Modified version of llama.cpp to run bloom on a CPU
https://github.com/NouamaneTazi/bloomz.cpp
Alpacoom
Fine-tuned bloom using Alpaca:
https://huggingface.co/mrm8488/Alpacoom
StableML
Models from stability.ai (makes of Stable Diffusion). Annoucement here: https://stability.ai/blog/stability-ai-launches-the-first-of-its-stablelm-suite-of-language-models
https://github.com/stability-AI/stableLM/
As a proof-of-concept, we also fine-tuned the model with Stanford Alpaca's procedure using a combination of five recent datasets for conversational agents: Stanford's Alpaca, Nomic-AI's gpt4all, RyokoAI's ShareGPT52K datasets, Databricks labs' Dolly, and Anthropic's HH. We will be releasing these models as StableLM-Tuned-Alpha.
- Base model checkpoints (StableLM-Base-Alpha) are licensed under the Creative Commons license (CC BY-SA-4.0). Under the license, you must give credit to Stability AI, provide a link to the license, and indicate if changes were made. You may do so in any reasonable manner, but not in any way that suggests the Stability AI endorses you or your use.
- Fine-tuned checkpoints (StableLM-Tuned-Alpha) are licensed under the Non-Commercial Creative Commons license (CC BY-NC-SA-4.0), in-line with the original non-commercial license specified by Stanford Alpaca.
- All code in this repository is licensed under the Apache License 2.0 license.
Chat demo on HuggingFace: https://huggingface.co/spaces/stabilityai/stablelm-tuned-alpha-chat
Cerebras-GPT
Released on March 28th, 2023
https://www.cerebras.net/blog/cerebras-gpt-a-family-of-open-compute-efficient-large-language-models/
https://huggingface.co/cerebras
GPT4All
Released on March 28th, 2023 by https://home.nomic.ai/
Demo, data and code to train an assistant-style large language model with ~800k GPT-3.5-Turbo Generations based on LLaMa
Runnable on laptop with code based on alpaca.cpp:
https://github.com/nomic-ai/gpt4all
MosaicML
They recently released a series of what they call MPT models under an Apache-2.0 license.
They also apparently support very long inputs, and performance wise is about the same as llama.
Base: https://huggingface.co/mosaicml/mpt-7b
They also released a few interesting fine tuned models
instruct: https://huggingface.co/mosaicml/mpt-7b-instruct
chat: https://huggingface.co/mosaicml/mpt-7b-chat
storywriter: https://huggingface.co/mosaicml/mpt-7b-storywriter
Open Chat Kit
See tools section
Not Fully Open Source
llama.cpp
- Project running the llama model (and alpaca now also) on a CPU (with no GPU): https://github.com/ggerganov/llama.cpp
- Port of llama.cpp for alpaca (not needed now as llama.cpp supports alpaca): https://github.com/antimatter15/alpaca.cpp
Vicuna
An Open-Source Chatbot Impressing GPT-4 with 90%* ChatGPT Quality
Made by Universities. The models are based on LLAMA so they are not open source
Chat tool: https://chat.lmsys.org/
Source code of the chat tool: https://github.com/lm-sys/FastChat
Stable-vicuna
(considered slightly better than the base vicuna)
StableVicuna-13B is a Vicuna-13B v0 model fine-tuned using reinforcement learning from human feedback (RLHF) via Proximal Policy Optimization (PPO) on various conversational and instructional datasets.
https://huggingface.co/CarperAI/stable-vicuna-13b-delta
Tested a quantized variation of it: https://huggingface.co/Aitrepreneur/stable-vicuna-13B-GPTQ-4bit-128g with TextgenerationwebUI
ColossalChat
Based on LLAMA also, so it's not open source
Chat Tool is open source: https://chat.colossalai.org/
https://github.com/hpcaitech/ColossalAI
Alpaca-Lora
Alpaca is research work from Stanford: https://github.com/tatsu-lab/stanford_alpaca
Open Source code to reproduce the alpaca system (on other models): https://github.com/tloen/alpaca-lora
Dolly
Fine tuning of GPT-J on Alpaca
Only the training data is available: https://github.com/databrickslabs/dolly
https://www.databricks.com/blog/2023/03/24/hello-dolly-democratizing-magic-chatgpt-open-models.html
As it's based on Alpaca it's non commercial. However it can serve as an example on how to fine-tune an Open Source model
Interesting AI Projects
Document Indexing / Querying in Natural Language
LlamaIndex
LlamaIndex (GPT Index) is a data framework for your LLM applications
Already has community indexers for many softwares
Seems to be more a framework than a ready to go software.
Could be an interesting base for WAISE
https://github.com/jerryjliu/llama_index
Markprompt
A tool to create prompts for a collection of Markdown documents: https://markprompt.com/
It's Open Source: https://github.com/motifland/markprompt
It's unclear how it scales on volume, but it will be very interesting to study it.
Private GPT
Python code showing how to index content in a vector database and then query it in natural language. Also works with LocaAI
https://github.com/imartinez/privateGPT
Service to index documents (not open source)
AI Implementations
Notion AI
Notion (https://notion.so) has launched AI features using GPT (https://www.notion.so/product/ai)
Their prompts have been reversed engineered: https://www.latent.space/p/reverse-prompt-eng published here: https://github.com/sw-yx/ai-notes/blob/main/Resources/Notion%20AI%20Prompts.md
NextCloud
NextCloud has launched AI
Also includes the "Ethical AI Rating" in order to tell users which AI features are based on components that are Open (both the code, the data sets or the end weight of the model), and whether it's possible to self-host them. This is important because AI systems have risks, such as privacy and security of data, discrimination and bias or energy usage. In order to solve these risks, Open access will be key. This concept is very interesting and it would make a lot of sense to join them and do something similar and ideally the same.
More info at: https://nextcloud.com/blog/nextcloud-ethical-ai-rating/
Google workspace AI announcement. This should be relevant in terms of using AI in collaborative tools
https://workspace.google.com/blog/product-announcements/generative-ai
Microsoft
Microsoft Office 365 / Teams AI announcement.
https://www.theverge.com/2023/3/16/23642833/microsoft-365-ai-copilot-word-outlook-teams
GitHub Copilot
Relevant to writing code in the wiki:
https://github.com/features/copilot
Image, Audio, Speech
Stable Diffusion (image generation)
Online: https://stablediffusionweb.com/
Install on local computer: https://stable-diffusion-ui.github.io/ (takes 3 minutes to generate on image without GPU)
SAM - segment anything
https://github.com/facebookresearch/segment-anything
Bark - transformer-based text-to-audio model
https://huggingface.co/suno/bark
(not tested yet)
Uberduck -Text to speech
Online: https://app.uberduck.ai/ (a bit robotic but has lots of popular character voices)
Github: https://github.com/uberduck-ai (not tested locally)
Automation
AutoGPT
https://github.com/Significant-Gravitas/Auto-GPT
AgentGPT
BabyAGI
https://github.com/yoheinakajima/babyagi
(will test soon)
Other
- TaxyAI: Automate your browser using GPT: https://github.com/TaxyAI/browser-extension
- Google Bard: https://bard.google.com/
- Interesting approach to making a complex task by running AI as many times as needed: https://www.patterns.app/blog/2023/01/18/crunchbot-sql-analyst-gpt/
- Open source web app for the Chat GPT Api (GPL): https://github.com/Niek/chatgpt-web
- Chat GPT awesome prompts: https://github.com/f/awesome-chatgpt-prompts/blob/main/prompts.csv
- A nifty search/question answering tool for developers: https://www.phind.com/
- Another interesting project that could turn out to be very useful (many very small models): https://github.com/mbzuai-nlp/LaMini-LM