Monday, April 21, 2025

वाक्य ट्रांसफॉर्मर, एफएआईएस, और ऑल-माइनिल्म-एल 6-वी 2 के साथ एक शब्दार्थ खोज इंजन के निर्माण के लिए एक चरण-दर-चरण गाइड – Gadgets Solutions

-

सिमेंटिक खोज खोज क्वेरी के प्रासंगिक अर्थ को समझकर पारंपरिक कीवर्ड मिलान से परे है। केवल सटीक शब्दों से मेल खाने के बजाय, सिमेंटिक सर्च सिस्टम क्वेरी के इरादे और प्रासंगिक परिभाषा को कैप्चर करते हैं और प्रासंगिक परिणामों को तब भी लौटाते हैं, जब वे समान कीवर्ड नहीं होते हैं।

इस ट्यूटोरियल में, हम वाक्य ट्रांसफॉर्मर का उपयोग करके एक सिमेंटिक सर्च सिस्टम को लागू करेंगे, जो फेस के ट्रांसफॉर्मर को हग करने के शीर्ष पर बनाया गया एक शक्तिशाली लाइब्रेरी है जो पूर्व-प्रशिक्षित मॉडल प्रदान करता है जो विशेष रूप से वाक्य एम्बेडिंग उत्पन्न करने के लिए अनुकूलित है। ये एम्बेडिंग पाठ के संख्यात्मक अभ्यावेदन हैं जो शब्दार्थ अर्थ को पकड़ते हैं, जिससे हमें वेक्टर समानता के माध्यम से समान सामग्री खोजने की अनुमति मिलती है। हम एक व्यावहारिक अनुप्रयोग बनाएंगे: वैज्ञानिक सार के संग्रह के लिए एक शब्दार्थ खोज इंजन जो प्रासंगिक कागजात के साथ अनुसंधान प्रश्नों का उत्तर दे सकता है, तब भी जब शब्दावली क्वेरी और प्रासंगिक दस्तावेजों के बीच भिन्न होती है।

सबसे पहले, हमारे COLAB नोटबुक में आवश्यक पुस्तकालयों को स्थापित करें:

!pip install sentence-transformers faiss-cpu numpy pandas matplotlib datasets

अब, हम उन पुस्तकालयों को आयात करें जिनकी हमें आवश्यकता होगी:

import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
from sentence_transformers import SentenceTransformer
import faiss
from typing import List, Dict, Tuple
import time
import re
import torch

हमारे प्रदर्शन के लिए, हम वैज्ञानिक पेपर सार के संग्रह का उपयोग करेंगे। आइए विभिन्न क्षेत्रों से अमूर्त का एक छोटा डेटासेट बनाएं:

abstracts = (
    {
        "id": 1,
        "title": "Deep Learning for Natural Language Processing",
        "abstract": "This paper explores recent advances in deep learning models for natural language processing tasks. We review transformer architectures including BERT, GPT, and T5, and analyze their performance on various benchmarks including question answering, sentiment analysis, and text classification."
    },
    {
        "id": 2,
        "title": "Climate Change Impact on Marine Ecosystems",
        "abstract": "Rising ocean temperatures and acidification are severely impacting coral reefs and marine biodiversity. This study presents data collected over a 10-year period, demonstrating accelerated decline in reef ecosystems and proposing conservation strategies to mitigate further damage."
    },
    {
        "id": 3,
        "title": "Advancements in mRNA Vaccine Technology",
        "abstract": "The development of mRNA vaccines represents a breakthrough in immunization technology. This review discusses the mechanism of action, stability improvements, and clinical efficacy of mRNA platforms, with special attention to their rapid deployment during the COVID-19 pandemic."
    },
    {
        "id": 4,
        "title": "Quantum Computing Algorithms for Optimization Problems",
        "abstract": "Quantum computing offers potential speedups for solving complex optimization problems. This paper presents quantum algorithms for combinatorial optimization and compares their theoretical performance with classical methods on problems including traveling salesman and maximum cut."
    },
    {
        "id": 5,
        "title": "Sustainable Urban Planning Frameworks",
        "abstract": "This research proposes frameworks for sustainable urban development that integrate renewable energy systems, efficient public transportation networks, and green infrastructure. Case studies from five cities demonstrate reductions in carbon emissions and improvements in quality of life metrics."
    },
    {
        "id": 6,
        "title": "Neural Networks for Computer Vision",
        "abstract": "Convolutional neural networks have revolutionized computer vision tasks. This paper examines recent architectural innovations including residual connections, attention mechanisms, and vision transformers, evaluating their performance on image classification, object detection, and segmentation benchmarks."
    },
    {
        "id": 7,
        "title": "Blockchain Applications in Supply Chain Management",
        "abstract": "Blockchain technology enables transparent and secure tracking of goods throughout supply chains. This study analyzes implementations across food, pharmaceutical, and retail industries, quantifying improvements in traceability, reduction in counterfeit products, and enhanced consumer trust."
    },
    {
        "id": 8,
        "title": "Genetic Factors in Autoimmune Disorders",
        "abstract": "This research identifies key genetic markers associated with increased susceptibility to autoimmune conditions. Through genome-wide association studies of 15,000 patients, we identified novel variants that influence immune system regulation and may serve as targets for personalized therapeutic approaches."
    },
    {
        "id": 9,
        "title": "Reinforcement Learning for Robotic Control Systems",
        "abstract": "Deep reinforcement learning enables robots to learn complex manipulation tasks through trial and error. This paper presents a framework that combines model-based planning with policy gradient methods to achieve sample-efficient learning of dexterous manipulation skills."
    },
    {
        "id": 10,
        "title": "Microplastic Pollution in Freshwater Systems",
        "abstract": "This study quantifies microplastic contamination across 30 freshwater lakes and rivers, identifying primary sources and transport mechanisms. Results indicate correlation between population density and contamination levels, with implications for water treatment policies and plastic waste management."
    }
)


papers_df = pd.DataFrame(abstracts)
print(f"Dataset loaded with {len(papers_df)} scientific papers")
papers_df(("id", "title"))

अब हम एक पूर्व-प्रशिक्षित वाक्य ट्रांसफार्मर मॉडल को गले लगाने से लोड करेंगे। हम ऑल-माइनिल्म-एल 6-वी 2 मॉडल का उपयोग करेंगे, जो प्रदर्शन और गति के बीच एक अच्छा संतुलन प्रदान करता है:

model_name="all-MiniLM-L6-v2"
model = SentenceTransformer(model_name)
print(f"Loaded model: {model_name}")

अगला, हम अपने पाठ सार को घने वेक्टर एम्बेडिंग में बदल देंगे:

documents = papers_df('abstract').tolist()
document_embeddings = model.encode(documents, show_progress_bar=True)


print(f"Generated {len(document_embeddings)} embeddings with dimension {document_embeddings.shape(1)}")

FAISS (फेसबुक AI समानता खोज) कुशल समानता खोज के लिए एक पुस्तकालय है। हम इसका उपयोग हमारे दस्तावेज़ एम्बेडिंग को अनुक्रमित करने के लिए करेंगे:

dimension = document_embeddings.shape(1)  


index = faiss.IndexFlatL2(dimension)
index.add(np.array(document_embeddings).astype('float32'))


print(f"Created FAISS index with {index.ntotal} vectors")

अब एक फ़ंक्शन को लागू करते हैं जो एक क्वेरी लेता है, इसे एक एम्बेडिंग में परिवर्तित करता है, और सबसे समान दस्तावेजों को पुनः प्राप्त करता है:

def semantic_search(query: str, top_k: int = 3) -> List(Dict):
    """
    Search for documents similar to query


    Args:
        query: Text to search for
        top_k: Number of results to return


    Returns:
        List of dictionaries containing document info and similarity score
    """
    query_embedding = model.encode((query))


    distances, indices = index.search(np.array(query_embedding).astype('float32'), top_k)


    results = ()
    for i, idx in enumerate(indices(0)):
        results.append({
            'id': papers_df.iloc(idx)('id'),
            'title': papers_df.iloc(idx)('title'),
            'abstract': papers_df.iloc(idx)('abstract'),
            'similarity_score': 1 - distances(0)(i) / 2  
        })


    return results

आइए विभिन्न प्रश्नों के साथ हमारे शब्दार्थ खोज का परीक्षण करें जो सटीक कीवर्ड से परे अर्थ को समझने की अपनी क्षमता को प्रदर्शित करते हैं:

test_queries = (
    "How do transformers work in natural language processing?",
    "What are the effects of global warming on ocean life?",
    "Tell me about COVID vaccine development",
    "Latest algorithms in quantum computing",
    "How can cities reduce their carbon footprint?"
)


for query in test_queries:
    print("\n" + "="*80)
    print(f"Query: {query}")
    print("="*80)


    results = semantic_search(query, top_k=3)


    for i, result in enumerate(results):
        print(f"\nResult #{i+1} (Score: {result('similarity_score'):.4f}):")
        print(f"Title: {result('title')}")
        print(f"Abstract snippet: {result('abstract')(:150)}...")

आइए दस्तावेज़ एम्बेडिंग की कल्पना करें कि वे कैसे विषय द्वारा क्लस्टर करते हैं:

from sklearn.decomposition import PCA


pca = PCA(n_components=2)
reduced_embeddings = pca.fit_transform(document_embeddings)


plt.figure(figsize=(12, 8))
plt.scatter(reduced_embeddings(:, 0), reduced_embeddings(:, 1), s=100, alpha=0.7)


for i, (x, y) in enumerate(reduced_embeddings):
    plt.annotate(papers_df.iloc(i)('title')(:20) + "...",
                 (x, y),
                 fontsize=9,
                 alpha=0.8)


plt.title('Document Embeddings Visualization (PCA)')
plt.xlabel('Component 1')
plt.ylabel('Component 2')
plt.grid(True, linestyle="--", alpha=0.7)
plt.tight_layout()
plt.show()

आइए एक अधिक इंटरैक्टिव खोज इंटरफ़ेस बनाएं:

from IPython.display import display, HTML, clear_output
import ipywidgets as widgets


def run_search(query_text):
    clear_output(wait=True)


    display(HTML(f"

Query: {query_text}

")) start_time = time.time() results = semantic_search(query_text, top_k=5) search_time = time.time() - start_time display(HTML(f"

Found {len(results)} results in {search_time:.4f} seconds

")) for i, result in enumerate(results): html = f"""

{i+1}. {result('title')} (Score: {result('similarity_score'):.4f})

{result('abstract')}

""" display(HTML(html)) search_box = widgets.Text( value="", placeholder="Type your search query here...", description='Search:', layout=widgets.Layout(width="70%") ) search_button = widgets.Button( description='Search', button_style="primary", tooltip='Click to search' ) def on_button_clicked(b): run_search(search_box.value) search_button.on_click(on_button_clicked) display(widgets.HBox((search_box, search_button)))

इस ट्यूटोरियल में, हमने वाक्य ट्रांसफार्मर का उपयोग करके एक पूर्ण शब्दार्थ खोज प्रणाली का निर्माण किया है। यह प्रणाली उपयोगकर्ता प्रश्नों के पीछे के अर्थ को समझ सकती है और सटीक कीवर्ड मिलान नहीं होने पर भी प्रासंगिक दस्तावेजों को वापस कर सकती है। हमने देखा है कि कैसे एम्बेडिंग-आधारित खोज पारंपरिक तरीकों की तुलना में अधिक बुद्धिमान परिणाम प्रदान करती है।


यह रहा कोलैब नोटबुक। इसके अलावा, हमें फॉलो करना न भूलें ट्विटर और हमारे साथ जुड़ें तार -चैनल और लिंक्डइन जीआरओयूपी। हमारे साथ जुड़ने के लिए मत भूलना 85K+ एमएल सबरेडिट


वाक्य ट्रांसफॉर्मर, एफएआईएस, और ऑल-माइनिल्म-एल 6-वी 2 के साथ एक शब्दार्थ खोज इंजन के निर्माण के लिए एक चरण-दर-चरण गाइड
 – Gadgets Solutions

Asif Razzaq MarkTechPost Media Inc के सीईओ हैं .. एक दूरदर्शी उद्यमी और इंजीनियर के रूप में, ASIF सामाजिक अच्छे के लिए कृत्रिम बुद्धिमत्ता की क्षमता का उपयोग करने के लिए प्रतिबद्ध है। उनका सबसे हालिया प्रयास एक आर्टिफिशियल इंटेलिजेंस मीडिया प्लेटफॉर्म, मार्कटेकपोस्ट का शुभारंभ है, जो मशीन लर्निंग और डीप लर्निंग न्यूज के अपने गहन कवरेज के लिए खड़ा है, जो तकनीकी रूप से ध्वनि और आसानी से एक व्यापक दर्शकों द्वारा समझ में आता है। मंच 2 मिलियन से अधिक मासिक विचारों का दावा करता है, दर्शकों के बीच अपनी लोकप्रियता को दर्शाता है।

LEAVE A REPLY

Please enter your comment!
Please enter your name here

FOLLOW US

150,000FansLike
35,000FollowersFollow
100,000SubscribersSubscribe

Related Stories

Translate »