π Home
Supercharge your embedding pipeline with minimalist and lightening fast framework built in rust π¦
Explore the docs Β»
View Demo
Β·
Examples
Β·
Request Feature
.
Search in Audio Space
EmbedAnything is a minimalist yet highly performant, lightweight, lightening fast, multisource, multimodal and local embedding pipeline, built in rust. Whether you're working with text, images, audio, PDFs, websites, or other media, EmbedAnything simplifies the process of generating embeddings from various sources and streaming them to a vector database.We support dense, sparse and late-interaction embeddings.
Table of Contents
π‘What is Vector Streaming
Vector Streaming enables you to process and generate embeddings for files and stream them, so if you have 10 GB of file, it can continuously generate embeddings Chunk by Chunk, that you can segment semantically, and store them in the vector database of your choice, Thus it eliminates bulk embeddings storage on RAM at once.
π Key Features
- Local Embedding : Works with local embedding models like BERT and JINA
- ColPali : Support for ColPali in GPU version
- Splade : Support for sparse embeddings for hybrid
- Cloud Embedding Models:: Supports OpenAI and Cohere.
- MultiModality : Works with text sources like PDFs, txt, md, Images JPG and Audio, .WAV
- Rust : All the file processing is done in rust for speed and efficiency
- Candle : We have taken care of hardware acceleration as well, with Candle.
- Python Interface: Packaged as a Python library for seamless integration into your existing projects.
- Vector Streaming: Continuously create and stream embeddings if you have low resource.
π¦ Why Embed Anything
β‘οΈFaster execution.
β‘οΈMemory Management: Rust enforces memory management simultaneously, preventing memory leaks and crashes that can plague other languages
β‘οΈTrue multithreading
β‘οΈRunning language models or embedding models locally and efficiently
β‘οΈCandle allows inferences on CUDA-enabled GPUs right out of the box.
β‘οΈDecrease the memory usage of EmbedAnything.
β Supported Models
We support a range of models, that can be supported by Candle, We have given a set of tested models but if you have specific usecase do mention it in the issue.
π§βπ Getting Started
π© Installation
For GPUs and using special models like ColPali
π Usage
model = EmbeddingModel.from_pretrained_local(
WhichModel.Bert, model_id="sentence-transformers/all-MiniLM-L6-v2"
)
data = embed_anything.embed_file("test_files/test.pdf", embeder=model)
Supported Models
Model | HF link |
---|---|
Jina | Jina Models |
Bert | All Bert based models |
CLIP | openai/clip-* |
Whisper | OpenAI Whisper models |
ColPali | vidore/colpali-v1.2-merged |
Splade | [Splade Models] (https://huggingface.co/collections/naver/splade-667eb6df02c2f3b0c39bd248) and other Splade based models |
β οΈ Splade Models
ποΈ ColPali Models
π· Image Embeddings
Requirements: Directory with pictures you want to search for example we have test_files
with images of cat, dogs etc
import embed_anything
from embed_anything import EmbedData
model = embed_anything.EmbeddingModel.from_pretrained_local(
embed_anything.WhichModel.Clip,
model_id="openai/clip-vit-base-patch16",
# revision="refs/pr/15",
)
data: list[EmbedData] = embed_anything.embed_directory("test_files", embeder=model)
embeddings = np.array([data.embedding for data in data])
query = ["Photo of a monkey?"]
query_embedding = np.array(
embed_anything.embed_query(query, embeder=model)[0].embedding
)
similarities = np.dot(embeddings, query_embedding)
max_index = np.argmax(similarities)
Image.open(data[max_index].text).show()
π Audio Embedding using Whisper
requirements: Audio .wav files.
import embed_anything
from embed_anything import JinaConfig, EmbedConfig, AudioDecoderConfig
import time
start_time = time.time()
# choose any whisper or distilwhisper model
# from https://huggingface.co/distil-whisper or
# https://huggingface.co/collections/openai/whisper-release-6501bba2cf999715fd953013
audio_decoder_config = AudioDecoderConfig(
decoder_model_id="openai/whisper-tiny.en",
decoder_revision="main",
model_type="tiny-en",
quantized=False,
)
jina_config = JinaConfig(
model_id="jinaai/jina-embeddings-v2-small-en", revision="main", chunk_size=100
)
config = EmbedConfig(jina=jina_config, audio_decoder=audio_decoder_config)
data = embed_anything.embed_file(
"test_files/audio/samples_hp0.wav", embeder="Audio", config=config
)
print(data[0].metadata)
end_time = time.time()
print("Time taken: ", end_time - start_time)