diff --git a/docs/src/examples/examples_python.md b/docs/src/examples/examples_python.md
index 2c7d17d6..6ffe972f 100644
--- a/docs/src/examples/examples_python.md
+++ b/docs/src/examples/examples_python.md
@@ -10,13 +10,13 @@ Explore applied examples available as Colab notebooks or Python scripts to integ
| Explore | Description |
|----------------------------------------------------|------------------------------------------------------------------------------------------------------------------------------------------------------------------|
-| [Build from Scratch with LanceDB π οΈπ](python_examples/build_from_scratch.md) | Start building your GenAI applications from the ground up using LanceDB's efficient vector-based document retrieval capabilities! Get started quickly with a solid foundation. |
-| [Multimodal Search with LanceDB π€ΉββοΈπ](python_examples/multimodal.md) | Combine text and image queries to find the most relevant results using LanceDBβs multimodal capabilities. Leverage the efficient vector-based similarity search. |
-| [RAG: Revolutionize Information Retrieval with LanceDB ππ§](python_examples/rag.md) | Build RAG (Retrieval-Augmented Generation) with LanceDB for efficient vector-based information retrieval and more accurate responses from AI. |
-| [Vector Search: Unlock Efficient Document Retrieval ππ](python_examples/vector_search.md) | Use LanceDB's vector search capabilities to perform efficient and accurate similarity searches, enabling rapid discovery and retrieval of relevant documents in Large datasets. |
-| [Chatbot Application with LanceDB π€](python_examples/chatbot.md) | Create chatbots that retrieves relevant context for coherent and context-aware replies, enhancing user experience through advanced conversational AI. |
-| [Evaluation: Assessing Text Performance with Precision ππ‘](python_examples/evaluations.md) | Develop evaluation applications that allows you to input reference and candidate texts to measure their performance across various metrics. |
-| [AI Agents: Intelligent Collaboration π€](python_examples/aiagent.md) | Enable AI agents to communicate and collaborate efficiently through dense vector representations, achieving shared goals seamlessly. |
-| [Recommender Systems: Personalized Discovery πΏπΊ](python_examples/recommendersystem.md) | Deliver personalized experiences by efficiently storing and querying item embeddings with LanceDB's powerful vector database capabilities. |
-| **Miscellaneous Examplesπ** | Find other unique examples and creative solutions using LanceDB, showcasing the flexibility and broad applicability of the platform. |
+| [**Build from Scratch with LanceDB** π οΈπ](python_examples/build_from_scratch.md) | Start building your **GenAI applications** from the **ground up** using **LanceDB's** efficient vector-based document retrieval capabilities! Get started quickly with a solid foundation. |
+| [**Multimodal Search with LanceDB** π€ΉββοΈπ](python_examples/multimodal.md) | Combine **text** and **image queries** to find the most relevant results using **LanceDBβs multimodal** capabilities. Leverage the efficient vector-based similarity search. |
+| [**RAG (Retrieval-Augmented Generation) with LanceDB** ππ§](python_examples/rag.md) | Build RAG (Retrieval-Augmented Generation) with **LanceDB** for efficient **vector-based information retrieval** and more accurate responses from AI. |
+| [**Vector Search: Efficient Retrieval** ππ](python_examples/vector_search.md) | Use **LanceDB's** vector search capabilities to perform efficient and accurate **similarity searches**, enabling rapid discovery and retrieval of relevant documents in Large datasets. |
+| [**Chatbot applications with LanceDB** π€](python_examples/chatbot.md) | Create **chatbots** that retrieves relevant context for **coherent and context-aware replies**, enhancing user experience through advanced conversational AI. |
+| [**Evaluation: Assessing Text Performance with Precision** ππ‘](python_examples/evaluations.md) | Develop **evaluation** applications that allows you to input reference and candidate texts to **measure** their performance across various metrics. |
+| [**AI Agents: Intelligent Collaboration** π€](python_examples/aiagent.md) | Enable **AI agents** to communicate and collaborate efficiently through dense vector representations, achieving shared goals seamlessly. |
+| [**Recommender Systems: Personalized Discovery** πΏπΊ](python_examples/recommendersystem.md) | Deliver **personalized experiences** by efficiently storing and querying item embeddings with **LanceDB's** powerful vector database capabilities. |
+| **Miscellaneous Examplesπ** | Find other **unique examples** and **creative solutions** using **LanceDB**, showcasing the flexibility and broad applicability of the platform. |
diff --git a/docs/src/examples/python_examples/aiagent.md b/docs/src/examples/python_examples/aiagent.md
index 12b624ae..bcb2eb20 100644
--- a/docs/src/examples/python_examples/aiagent.md
+++ b/docs/src/examples/python_examples/aiagent.md
@@ -1,15 +1,15 @@
# AI Agents: Intelligent Collaborationπ€
-Think of a platformπ» where AI Agentsπ€ can seamlessly exchange information, coordinate over tasks, and achieve shared targets with great efficiencyππ.
+Think of a platform where AI Agents can seamlessly exchange information, coordinate over tasks, and achieve shared targets with great efficiencyπ»π.
## Vector-Based Coordination: The Technical Advantage
-Leveraging LanceDB's vector-based capabilities, our coordination application enables AI agents to communicate and collaborate through dense vector representations π€. AI agents can exchange information, coordinate on a task or work towards a common goal, just by giving queriesπ.
+Leveraging LanceDB's vector-based capabilities, we can enable **AI agents π€** to communicate and collaborate through dense vector representations. AI agents can exchange information, coordinate on a task or work towards a common goal, just by giving queriesπ.
| **AI Agents** | **Description** | **Links** |
|:--------------|:----------------|:----------|
-| **AI Agents: Reducing Hallucinationtπ** | π€π‘ Reduce AI hallucinations using Critique-Based Contexting! Learn by Simplifying and Automating tedious workflows by going through fitness trainer agent example.πͺ | [][hullucination_github]
[][hullucination_colab]
[][hullucination_python]
[][hullucination_ghost] |
-| **AI Trends Searcher: CrewAIποΈ** | ποΈ Learn about CrewAI Agents ! Utilize the features of CrewAI - Role-based Agents, Task Management, and Inter-agent Delegation ! Make AI agents work together to do tricky stuff πΊ| [][trend_github]
[][trend_colab]
[][trend_ghost] |
-| **SuperAgent Autogenπ€** | π» AI interactions with the Super Agent! Integrating Autogen, LanceDB, LangChain, LiteLLM, and Ollama to create AI agent that excels in understanding and processing complex queries.π€ | [][superagent_github]
[][superagent_colab] |
+| **AI Agents: Reducing Hallucinationtπ** | π€π‘ **Reduce AI hallucinations** using Critique-Based Contexting! Learn by Simplifying and Automating tedious workflows by going through fitness trainer agent example.πͺ | [][hullucination_github]
[][hullucination_colab]
[][hullucination_python]
[][hullucination_ghost] |
+| **AI Trends Searcher: CrewAIποΈ** | ποΈ Learn about **CrewAI Agents** ! Utilize the features of CrewAI - Role-based Agents, Task Management, and Inter-agent Delegation ! Make AI agents work together to do tricky stuff πΊ| [][trend_github]
[][trend_colab]
[][trend_ghost] |
+| **SuperAgent Autogenπ€** | π» AI interactions with the Super Agent! Integrating **Autogen**, **LanceDB**, **LangChain**, **LiteLLM**, and **Ollama** to create AI agent that excels in understanding and processing complex queries.π€ | [][superagent_github]
[][superagent_colab] |
[hullucination_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/reducing_hallucinations_ai_agents
diff --git a/docs/src/examples/python_examples/build_from_scratch.md b/docs/src/examples/python_examples/build_from_scratch.md
index 65e21af4..7019a810 100644
--- a/docs/src/examples/python_examples/build_from_scratch.md
+++ b/docs/src/examples/python_examples/build_from_scratch.md
@@ -1,10 +1,10 @@
# **Build from Scratch with LanceDB π οΈπ**
-Start building your GenAI applications from the ground up using LanceDB's efficient vector-based document retrieval capabilities! π
+Start building your GenAI applications from the ground up using **LanceDB's** efficient vector-based document retrieval capabilities! π
**Get Started in Minutes β±οΈ**
-These examples provide a solid foundation for building your own GenAI applications using LanceDB. Jump from idea to proof of concept quickly with applied examples. Get started and see what you can create! π»
+These examples provide a solid foundation for building your own GenAI applications using LanceDB. Jump from idea to **proof of concept** quickly with applied examples. Get started and see what you can create! π»
| **Build From Scratch** | **Description** | **Links** |
|:-------------------------------------------|:-------------------------------------------------------------------------------------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
diff --git a/docs/src/examples/python_examples/chatbot.md b/docs/src/examples/python_examples/chatbot.md
index a16848a6..6d1e59cd 100644
--- a/docs/src/examples/python_examples/chatbot.md
+++ b/docs/src/examples/python_examples/chatbot.md
@@ -1,7 +1,7 @@
-**Chatbot Application with LanceDB π€**
+**Chatbot applications with LanceDB π€**
====================================================================
- Create an innovative chatbot application that utilizes LanceDB for efficient vector-based response generation! πβ¨
+ Create innovative chatbot applications that utilizes LanceDB for efficient vector-based response generation! πβ¨
**Introduction πβ¨**
@@ -10,12 +10,12 @@
| **Chatbot** | **Description** | **Links** |
|:----------------|:-----------------|:-----------|
-| **Databricks DBRX Website Bot β‘οΈ** | Unlock magical conversations with the Hogwarts chatbot, powered by Open-source RAG, DBRX, LanceDB, LLama-index, and Hugging Face Embeddings, delivering enchanting user experiences and spellbinding interactions β¨ | [][databricks_github]
[][databricks_python] |
-| **CLI SDK Manual Chatbot Locally π»** | CLI chatbot for SDK/hardware documents, powered by Local RAG, LLama3, Ollama, LanceDB, and Openhermes Embeddings, built with Phidata Assistant and Knowledge Base for instant technical support π€ | [][clisdk_github]
[][clisdk_python] |
-| **Youtube Transcript Search QA Bot πΉ** | Unlock the power of YouTube transcripts with a Q&A bot, leveraging natural language search and LanceDB for effortless data management and instant answers π¬ | [][youtube_github]
[][youtube_colab]
[][youtube_python] |
-| **Code Documentation Q&A Bot with LangChain π€** | Revolutionize code documentation with a Q&A bot, powered by LangChain and LanceDB, allowing effortless querying of documentation using natural language, demonstrated with Numpy 1.26 docs π | [][docs_github]
[][docs_colab]
[][docs_python] |
-| **Context-aware Chatbot using Llama 2 & LanceDB π€** | Experience the future of conversational AI with a context-aware chatbot, powered by Llama 2, LanceDB, and LangChain, enabling intuitive and meaningful conversations with your data ππ¬ | [][aware_github]
[][aware_colab]
[][aware_ghost] |
-| **Chat with csv using Hybrid Search π** | Revolutionize data interaction with a chat application that harnesses LanceDB's hybrid search capabilities to converse with CSV and Excel files, enabling efficient and scalable data exploration and analysis π | [][csv_github]
[][csv_colab]
[][csv_ghost] |
+| **Databricks DBRX Website Bot β‘οΈ** | Engage with the **Hogwarts chatbot**, that uses Open-source RAG with **DBRX**, **LanceDB** and **LLama-index with Hugging Face Embeddings**, to provide interactive and engaging user experiences. β¨ | [][databricks_github]
[][databricks_python] |
+| **CLI SDK Manual Chatbot Locally π»** | CLI chatbot for SDK/hardware documents using **Local RAG** with **LLama3**, **Ollama**, **LanceDB**, and **Openhermes Embeddings**, built with **Phidata** Assistant and Knowledge Base π€ | [][clisdk_github]
[][clisdk_python] |
+| **Youtube Transcript Search QA Bot πΉ** | Search through **youtube transcripts** using natural language with a Q&A bot, leveraging **LanceDB** for effortless data storage and management π¬ | [][youtube_github]
[][youtube_colab]
[][youtube_python] |
+| **Code Documentation Q&A Bot with LangChain π€** | Query your own documentation easily using questions in natural language with a Q&A bot, powered by **LangChain** and **LanceDB**, demonstrated with **Numpy 1.26 docs** π | [][docs_github]
[][docs_colab]
[][docs_python] |
+| **Context-aware Chatbot using Llama 2 & LanceDB π€** | Build **conversational AI** with a **context-aware chatbot**, powered by **Llama 2**, **LanceDB**, and **LangChain**, that enables intuitive and meaningful conversations with your data ππ¬ | [][aware_github]
[][aware_colab]
[][aware_ghost] |
+| **Chat with csv using Hybrid Search π** | **Chat** application that interacts with **CSV** and **Excel files** using **LanceDBβs** hybrid search capabilities, performing direct operations on large-scale columnar data efficiently π | [][csv_github]
[][csv_colab]
[][csv_ghost] |
[databricks_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/databricks_DBRX_website_bot
diff --git a/docs/src/examples/python_examples/evaluations.md b/docs/src/examples/python_examples/evaluations.md
index 9ee1a10a..18d0ccba 100644
--- a/docs/src/examples/python_examples/evaluations.md
+++ b/docs/src/examples/python_examples/evaluations.md
@@ -1,18 +1,16 @@
**Evaluation: Assessing Text Performance with Precision ππ‘**
====================================================================
-**Evaluation Fundamentals π**
-
Evaluation is a comprehensive tool designed to measure the performance of text-based inputs, enabling data-driven optimization and improvement π.
**Text Evaluation 101 π**
-By leveraging cutting-edge technologies, this provides a robust framework for evaluating reference and candidate texts across various metrics π, ensuring high-quality text outputs that meet specific requirements and standards π.
+Using robust framework for assessing reference and candidate texts across various metricsπ, ensure that the text outputs are high-quality and meet specific requirements and standardsπ.
| **Evaluation** | **Description** | **Links** |
| -------------- | --------------- | --------- |
-| **Evaluating Prompts with Prompttools π€** | Compare, visualize & evaluate embedding functions (incl. OpenAI) across metrics like latency & custom evaluation ππ | [][prompttools_github]
[][prompttools_colab] |
-| **Evaluating RAG with RAGAs and GPT-4o π** | Evaluate RAG pipelines with cutting-edge metrics and tools, integrate with CI/CD for continuous performance checks, and generate responses with GPT-4o π€π | [][RAGAs_github]
[][RAGAs_colab] |
+| **Evaluating Prompts with Prompttools π€** | Compare, visualize & evaluate **embedding functions** (incl. OpenAI) across metrics like latency & custom evaluation ππ | [][prompttools_github]
[][prompttools_colab] |
+| **Evaluating RAG with RAGAs and GPT-4o π** | Evaluate **RAG pipelines** with cutting-edge metrics and tools, integrate with CI/CD for continuous performance checks, and generate responses with GPT-4o π€π | [][RAGAs_github]
[][RAGAs_colab] |
diff --git a/docs/src/examples/python_examples/multimodal.md b/docs/src/examples/python_examples/multimodal.md
index 28ddce00..08c561c6 100644
--- a/docs/src/examples/python_examples/multimodal.md
+++ b/docs/src/examples/python_examples/multimodal.md
@@ -1,6 +1,6 @@
# **Multimodal Search with LanceDB π€ΉββοΈπ**
-Experience the future of search with LanceDB's multimodal capabilities. Combine text and image queries to find the most relevant results in your corpus ! ππ‘
+Using LanceDB's multimodal capabilities, combine text and image queries to find the most relevant results in your corpus ! ππ‘
**Explore the Future of Search π**
@@ -10,10 +10,10 @@ LanceDB supports multimodal search by indexing and querying vector representatio
| **Multimodal** | **Description** | **Links** |
|:----------------|:-----------------|:-----------|
-| **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/) |
+| **Multimodal CLIP: DiffusionDB ππ₯** | Multi-Modal Search with **CLIP** and **LanceDB** Using **DiffusionDB** Data for Combined Text and Image Understanding ! π | [][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 πΈπ** | Find **relevant documents** and **images** with a single query using **LanceDB's** multimodal search capabilities, to seamlessly integrate 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 ππ** | Learn how **Cambrian-1** works, using an example of **Vision-Centric** exploration on images found through vector search ! Work on **Flickr-8k** dataset π | [](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/rag.md b/docs/src/examples/python_examples/rag.md
index 3d9f89fa..a6db3a68 100644
--- a/docs/src/examples/python_examples/rag.md
+++ b/docs/src/examples/python_examples/rag.md
@@ -1,5 +1,4 @@
-
-**RAG: Revolutionize Information Retrieval with LanceDB ππ§**
+**RAG (Retrieval-Augmented Generation) with LanceDB ππ§**
====================================================================
Build RAG (Retrieval-Augmented Generation) with LanceDB, a powerful solution for efficient vector-based information retrieval π.
@@ -18,10 +17,10 @@ Build RAG (Retrieval-Augmented Generation) with LanceDB, a powerful solution fo
| **Advanced RAG: Parent Document Retriever** ππ | Use **Parent Document & Bigger Chunk Retriever** to maintain context and relevance when generating related content. π΅π | [][parent_doc_retriever_github]
[][parent_doc_retriever_colab]
[][parent_doc_retriever_ghost] |
| **Corrective RAG with Langgraph** π§π | Enhance RAG reliability with **Corrective RAG (CRAG)** by self-reflecting and fact-checking for accurate and trustworthy results. β
π |[][corrective_rag_github]
[][corrective_rag_colab]
[][corrective_rag_ghost] |
| **Contextual Compression with RAG** ποΈπ§ | Apply **contextual compression techniques** to condense large documents while retaining essential information. πποΈ | [][compression_rag_github]
[][compression_rag_colab]
[][compression_rag_ghost] |
-| **Improve RAG with FLARE** π₯| Enable users to ask questions directly to academic papers, focusing on ArXiv papers, with Forward-Looking Active REtrieval augmented generation.ππ | [][flare_github]
[][flare_colab]
[][flare_ghost] |
-| **Query Expansion and Reranker** ππ | Enhance RAG with query expansion using Large Language Models and advanced **reranking methods** like Cross Encoders, ColBERT v2, and FlashRank for improved document retrieval precision and recall ππ | [][query_github]
[][query_colab] |
-| **RAG Fusion** β‘π | Revolutionize search with RAG Fusion, utilizing the **RRF algorithm** to rerank documents based on user queries, and leveraging LanceDB and OPENAI Embeddings for efficient information retrieval β‘π | [][fusion_github]
[][fusion_colab] |
-| **Agentic RAG** π€π | Unlock autonomous information retrieval with **Agentic RAG**, a framework of **intelligent agents** that collaborate to synthesize, summarize, and compare data across sources, enabling proactive and informed decision-making π€π | [][agentic_github]
[][agentic_colab] |
+| **Improve RAG with FLARE** π₯| Enable users to ask questions directly to **academic papers**, focusing on **ArXiv papers**, with **F**orward-**L**ooking **A**ctive **RE**trieval augmented generation.ππ | [][flare_github]
[][flare_colab]
[][flare_ghost] |
+| **Query Expansion and Reranker** ππ | Enhance RAG with query expansion using Large Language Models and advanced **reranking methods** like **Cross Encoders**, **ColBERT v2**, and **FlashRank** for improved document retrieval precision and recall ππ | [][query_github]
[][query_colab] |
+| **RAG Fusion** β‘π | Build RAG Fusion, utilize the **RRF algorithm** to rerank documents based on user queries ! Use **LanceDB** as vector database to store and retrieve documents related to queries via **OPENAI Embeddings**β‘π | [][fusion_github]
[][fusion_colab] |
+| **Agentic RAG** π€π | Build autonomous information retrieval with **Agentic RAG**, a framework of **intelligent agents** that collaborate to synthesize, summarize, and compare data across sources, that enables proactive and informed decision-making π€π | [][agentic_github]
[][agentic_colab] |
diff --git a/docs/src/examples/python_examples/recommendersystem.md b/docs/src/examples/python_examples/recommendersystem.md
index ab7e4064..12ce7780 100644
--- a/docs/src/examples/python_examples/recommendersystem.md
+++ b/docs/src/examples/python_examples/recommendersystem.md
@@ -9,10 +9,10 @@ Deliver personalized experiences with Recommender Systems. π
| **Recommender System** | **Description** | **Links** |
| ---------------------- | --------------- | --------- |
| **Movie Recommender Systemπ¬** | π€ Use **collaborative filtering** to predict user preferences, assuming similar users will like similar movies, and leverage **Singular Value Decomposition** (SVD) from Numpy for precise matrix factorization and accurate recommendationsπ | [][movie_github]
[][movie_colab]
[][movie_python] |
-| **π₯ Movie Recommendation with Genres** | π Creates movie embeddings using Doc2Vec, capturing genre and characteristic nuances, and leverages VectorDB for efficient storage and querying, enabling accurate genre classification and personalized movie recommendations through similarity searchesπ₯ | [][genre_github]
[][genre_colab]
[][genre_ghost] |
+| **π₯ Movie Recommendation with Genres** | π Creates movie embeddings using **Doc2Vec**, capturing genre and characteristic nuances, and leverages VectorDB for efficient storage and querying, enabling accurate genre classification and personalized movie recommendations through **similarity searches**π₯ | [][genre_github]
[][genre_colab]
[][genre_ghost] |
| **ποΈ Product Recommender using Collaborative Filtering and LanceDB** | π Using **Collaborative Filtering** and **LanceDB** to analyze your past purchases, recommends products based on user's past purchases. Demonstrated with the Instacart dataset in our exampleπ | [][product_github]
[][product_colab]
[][product_python] |
-| **π Arxiv Search with OpenCLIP and LanceDB** | π‘ Build a semantic search engine for Arxiv papers using LanceDB, and benchmarks its performance against traditional keyword-based search on Nomic's Atlas, to demonstrate the power of semantic search in finding relevant research papersπ | [][arxiv_github]
[][arxiv_colab]
[][arxiv_python] |
-| **Food Recommendation Systemπ΄** | π Build a food recommendation system with LanceDB, featuring vector-based recommendations, full-text search, hybrid search, and reranking model integration for personalized and accurate food suggestionsπ | [][food_github]
[][food_colab] |
+| **π Arxiv Search with OpenCLIP and LanceDB** | π‘ Build a semantic search engine for **Arxiv papers** using **LanceDB**, and benchmarks its performance against traditional keyword-based search on **Nomic's Atlas**, to demonstrate the power of semantic search in finding relevant research papersπ | [][arxiv_github]
[][arxiv_colab]
[][arxiv_python] |
+| **Food Recommendation Systemπ΄** | π Build a food recommendation system with **LanceDB**, featuring vector-based recommendations, full-text search, hybrid search, and reranking model integration for personalized and accurate food suggestionsπ | [][food_github]
[][food_colab] |
[movie_github]: https://github.com/lancedb/vectordb-recipes/blob/main/examples/movie-recommender
[movie_colab]: https://colab.research.google.com/github/lancedb/vectordb-recipes/blob/main/examples/movie-recommender/main.ipynb
diff --git a/docs/src/examples/python_examples/vector_search.md b/docs/src/examples/python_examples/vector_search.md
index 7182eb09..8561f716 100644
--- a/docs/src/examples/python_examples/vector_search.md
+++ b/docs/src/examples/python_examples/vector_search.md
@@ -1,4 +1,4 @@
-**Vector Search: Unlock Efficient Document Retrieval ππ**
+**Vector Search: Efficient Retrieval ππ**
====================================================================
Vector search with LanceDB, is a solution for efficient and accurate similarity searches in large datasets π.
@@ -9,19 +9,19 @@ LanceDB implements vector search algorithms for efficient document retrieval and
| **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 π** | Perform hybrid search in **LanceDB** by combining the results of semantic and full-text search via a reranking algorithm of your choice π | [][inbuilt_hybrid_search_github]
[][inbuilt_hybrid_search_colab] |
+| **Hybrid Search with BM25 and LanceDB π‘** | Use **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 π** | Extract and identify essential information from text with Named Entity Recognition **(NER)** methods: Dictionary-Based, Rule-Based, and Deep Learning-Based, to accurately extract and categorize 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 βοΈ** | Perform **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, use **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] |