diff --git a/docs/mkdocs.yml b/docs/mkdocs.yml
index feb2a318..9059ef90 100644
--- a/docs/mkdocs.yml
+++ b/docs/mkdocs.yml
@@ -144,6 +144,7 @@ nav:
- Build From Scratch: examples/python_examples/build_from_scratch.md
- Multimodal: examples/python_examples/multimodal.md
- Rag: examples/python_examples/rag.md
+ - Vector Search: examples/python_examples/vector_search.md
- Miscellaneous:
- YouTube Transcript Search: notebooks/youtube_transcript_search.ipynb
- Documentation QA Bot using LangChain: notebooks/code_qa_bot.ipynb
@@ -229,6 +230,7 @@ nav:
- Build From Scratch: examples/python_examples/build_from_scratch.md
- Multimodal: examples/python_examples/multimodal.md
- Rag: examples/python_examples/rag.md
+ - Vector Search: examples/python_examples/vector_search.md
- Miscellaneous:
- YouTube Transcript Search: notebooks/youtube_transcript_search.ipynb
- Documentation QA Bot using LangChain: notebooks/code_qa_bot.ipynb
diff --git a/docs/src/assets/open_hf_space.svg b/docs/src/assets/open_hf_space.svg
new file mode 100644
index 00000000..b5d34c54
--- /dev/null
+++ b/docs/src/assets/open_hf_space.svg
@@ -0,0 +1,22 @@
+
diff --git a/docs/src/examples/python_examples/multimodal.md b/docs/src/examples/python_examples/multimodal.md
index 6f1de8ed..2409fb2f 100644
--- a/docs/src/examples/python_examples/multimodal.md
+++ b/docs/src/examples/python_examples/multimodal.md
@@ -13,7 +13,7 @@ Unlock the power of multimodal search with LanceDB, enabling efficient vector-ba
| **Multimodal CLIP: DiffusionDB ππ₯** | Revolutionize search with Multimodal CLIP and DiffusionDB, combining text and image understanding for a new dimension of discovery! π | [][Clip_diffusionDB_github] [][Clip_diffusionDB_colab] [][Clip_diffusionDB_python] [][Clip_diffusionDB_ghost] |
| **Multimodal CLIP: Youtube Videos πΉπ** | Search Youtube videos using Multimodal CLIP, finding relevant content with ease and accuracy! π― | [][Clip_youtube_github] [][Clip_youtube_colab] [][Clip_youtube_python] [][Clip_youtube_python] |
| **Multimodal Image + Text Search πΈπ** | Discover relevant documents and images with a single query, using LanceDB's multimodal search capabilities to bridge the gap between text and visuals! π | [](https://github.com/lancedb/vectordb-recipes/blob/main/examples/multimodal_search) [](https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/multimodal_search/main.ipynb) [](https://github.com/lancedb/vectordb-recipes/blob/main/examples/multimodal_search/main.py) [](https://blog.lancedb.com/multi-modal-ai-made-easy-with-lancedb-clip-5aaf8801c939/) |
-| **Cambrian-1: Vision-Centric Image Exploration ππ** | Dive into vision-centric exploration of images with Cambrian-1, powered by LanceDB's multimodal search to uncover new insights! π | [](https://www.kaggle.com/code/prasantdixit/cambrian-1-vision-centric-exploration-of-images/) []() []() [](https://blog.lancedb.com/cambrian-1-vision-centric-exploration/) |
+| **Cambrian-1: Vision-Centric Image Exploration ππ** | Dive into vision-centric exploration of images with Cambrian-1, powered by LanceDB's multimodal search to uncover new insights! π | [](https://www.kaggle.com/code/prasantdixit/cambrian-1-vision-centric-exploration-of-images/) [](https://blog.lancedb.com/cambrian-1-vision-centric-exploration/) |
[Clip_diffusionDB_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/multimodal_clip_diffusiondb
diff --git a/docs/src/examples/python_examples/vector_search.md b/docs/src/examples/python_examples/vector_search.md
new file mode 100644
index 00000000..67000d39
--- /dev/null
+++ b/docs/src/examples/python_examples/vector_search.md
@@ -0,0 +1,78 @@
+**π Vector Search: Unlock Efficient Document Retrieval π**
+====================================================================
+
+**Introduction**
+
+Unlock the power of vector search with LanceDB, a cutting-edge solution for efficient vector-based document retrieval π. Input text queries to find the most relevant documents from your corpus, and discover a new world of possibilities with our inbuilt hybrid search features π.
+
+| **Vector Search** | **Description** | **Links** |
+|:-----------------|:---------------|:---------|
+| **Inbuilt Hybrid Search π** | Combine the power of traditional search algorithms with LanceDB's vector-based search for a robust and efficient search experience π | [][inbuilt_hybrid_search_github] [][inbuilt_hybrid_search_colab] |
+| **Hybrid Search with BM25 and LanceDB π‘** | Synergizes BM25's keyword-focused precision (term frequency, document length normalization, bias-free retrieval) with LanceDB's semantic understanding (contextual analysis, query intent alignment) for nuanced search results in complex datasets π | [][BM25_github] [][BM25_colab] [][BM25_ghost] |
+| **NER-powered Semantic Search π** | Unlock contextual understanding with Named Entity Recognition (NER) methods: Dictionary-Based, Rule-Based, and Deep Learning-Based, to accurately identify and extract entities, enabling precise semantic search results ποΈ | [][NER_github] [][NER_colab] [][NER_ghost]|
+| **Audio Similarity Search using Vector Embeddings π΅** | Create vector embeddings of audio files to find similar audio content, enabling efficient audio similarity search and retrieval in LanceDB's vector store π» |[][audio_search_github] [][audio_search_colab] [][audio_search_python]|
+| **LanceDB Embeddings API: Multi-lingual Semantic Search π** | Build a universal semantic search table with LanceDB's Embeddings API, supporting multiple languages (e.g., English, French) using cohere's multi-lingual model, for accurate cross-lingual search results π | [][mls_github] [][mls_colab] [][mls_python] |
+| **Facial Recognition: Face Embeddings π€** | Detect, crop, and embed faces using Facenet, then store and query face embeddings in LanceDB for efficient facial recognition and top-K matching results π₯ | [][fr_github] [][fr_colab] |
+| **Sentiment Analysis: Hotel Reviews π¨** | Analyze customer sentiments towards the hotel industry using BERT models, storing sentiment labels, scores, and embeddings in LanceDB, enabling queries on customer opinions and potential areas for improvement π¬ | [][sentiment_analysis_github] [][sentiment_analysis_colab] [][sentiment_analysis_ghost] |
+| **Vector Arithmetic with LanceDB βοΈ** | Unlock powerful semantic search capabilities by performing vector arithmetic on embeddings, enabling complex relationships and nuances in data to be captured, and simplifying the process of retrieving semantically similar results π | [][arithmetic_github] [][arithmetic_colab] [][arithmetic_ghost] |
+| **Imagebind Demo πΌοΈ** | Explore the multi-modal capabilities of Imagebind through a Gradio app, leveraging LanceDB API for seamless image search and retrieval experiences πΈ | [][imagebind_github] [][imagebind_huggingface] |
+| **Search Engine using SAM & CLIP π** | Build a search engine within an image using SAM and CLIP models, enabling object-level search and retrieval, with LanceDB indexing and search capabilities to find the closest match between image embeddings and user queries πΈ | [][swi_github] [][swi_colab] [][swi_ghost] |
+| **Zero Shot Object Localization and Detection with CLIP π** | Perform object detection on images using OpenAI's CLIP, enabling zero-shot localization and detection of objects, with capabilities to split images into patches, parse with CLIP, and plot bounding boxes π | [][zsod_github] [][zsod_colab] |
+| **Accelerate Vector Search with OpenVINO π** | Boost vector search applications using OpenVINO, achieving significant speedups with CLIP for text-to-image and image-to-image searching, through PyTorch model optimization, FP16 and INT8 format conversion, and quantization with OpenVINO NNCF π | [][openvino_github] [][openvino_colab] [][openvino_ghost] |
+| **Zero-Shot Image Classification with CLIP and LanceDB πΈ** | Achieve zero-shot image classification using CLIP and LanceDB, enabling models to classify images without prior training on specific use cases, unlocking flexible and adaptable image classification capabilities π | [][zsic_github] [][zsic_colab] [][zsic_ghost] |
+
+
+
+
+[inbuilt_hybrid_search_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/Inbuilt-Hybrid-Search
+[inbuilt_hybrid_search_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/Inbuilt-Hybrid-Search/Inbuilt_Hybrid_Search_with_LanceDB.ipynb
+
+[BM25_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/Hybrid_search_bm25_lancedb
+[BM25_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/Hybrid_search_bm25_lancedb/main.ipynb
+[BM25_ghost]: https://blog.lancedb.com/hybrid-search-combining-bm25-and-semantic-search-for-better-results-with-lan-1358038fe7e6
+
+[NER_github]: https://github.com/lancedb/vectordb-recipes/blob/main/tutorials/NER-powered-Semantic-Search
+[NER_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/tutorials/NER-powered-Semantic-Search/NER_powered_Semantic_Search_with_LanceDB.ipynb
+[NER_ghost]: https://blog.lancedb.com/ner-powered-semantic-search-using-lancedb-51051dc3e493
+
+[audio_search_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/audio_search
+[audio_search_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/audio_search/main.ipynb
+[audio_search_python]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/audio_search/main.py
+
+[mls_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/multi-lingual-wiki-qa
+[mls_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/multi-lingual-wiki-qa/main.ipynb
+[mls_python]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/multi-lingual-wiki-qa/main.py
+
+[fr_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/facial_recognition
+[fr_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/facial_recognition/main.ipynb
+
+[sentiment_analysis_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/Sentiment-Analysis-Analyse-Hotel-Reviews
+[sentiment_analysis_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/Sentiment-Analysis-Analyse-Hotel-Reviews/Sentiment_Analysis_using_LanceDB.ipynb
+[sentiment_analysis_ghost]: https://blog.lancedb.com/sentiment-analysis-using-lancedb-2da3cb1e3fa6
+
+[arithmetic_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/Vector-Arithmetic-with-LanceDB
+[arithmetic_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/Vector-Arithmetic-with-LanceDB/main.ipynb
+[arithmetic_ghost]: https://blog.lancedb.com/vector-arithmetic-with-lancedb-an-intro-to-vector-embeddings/
+
+[imagebind_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/imagebind_demo
+[imagebind_huggingface]: https://huggingface.co/spaces/raghavd99/imagebind2
+
+[swi_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/search-within-images-with-sam-and-clip
+[swi_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/search-within-images-with-sam-and-clip/main.ipynb
+[swi_ghost]: https://blog.lancedb.com/search-within-an-image-331b54e4285e
+
+[zsod_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/zero-shot-object-detection-CLIP
+[zsod_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/zero-shot-object-detection-CLIP/zero_shot_object_detection_clip.ipynb
+
+[openvino_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/Accelerate-Vector-Search-Applications-Using-OpenVINO
+[openvino_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/Accelerate-Vector-Search-Applications-Using-OpenVINO/clip_text_image_search.ipynb
+[openvino_ghost]: https://blog.lancedb.com/accelerate-vector-search-applications-using-openvino-lancedb/
+
+[zsic_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/zero-shot-image-classification
+[zsic_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/zero-shot-image-classification/main.ipynb
+[zsic_ghost]: https://blog.lancedb.com/zero-shot-image-classification-with-vector-search/
+
+
+
+
+