Movatterモバイル変換


[0]ホーム

URL:


Skip to main content
OurBuilding Ambient Agents with LangGraph course is now available on LangChain Academy!
Open In ColabOpen on GitHub

NVIDIA NIMs

Thelangchain-nvidia-ai-endpoints package contains LangChain integrations building applications with models onNVIDIA NIM inference microservice. NIM supports models across domains like chat, embedding, and re-ranking modelsfrom the community as well as NVIDIA. These models are optimized by NVIDIA to deliver the best performance on NVIDIAaccelerated infrastructure and deployed as a NIM, an easy-to-use, prebuilt containers that deploy anywhere using a singlecommand on NVIDIA accelerated infrastructure.

NVIDIA hosted deployments of NIMs are available to test on theNVIDIA API catalog. After testing,NIMs can be exported from NVIDIA’s API catalog using the NVIDIA AI Enterprise license and run on-premises or in the cloud,giving enterprises ownership and full control of their IP and AI application.

NIMs are packaged as container images on a per model basis and are distributed as NGC container images through the NVIDIA NGC Catalog.At their core, NIMs provide easy, consistent, and familiar APIs for running inference on an AI model.

This example goes over how to use LangChain to interact with the supportedNVIDIA Retrieval QA Embedding Model forretrieval-augmented generation via theNVIDIAEmbeddings class.

For more information on accessing the chat models through this API, check out theChatNVIDIA documentation.

Installation

%pip install--upgrade--quiet  langchain-nvidia-ai-endpoints

Setup

To get started:

  1. Create a free account withNVIDIA, which hosts NVIDIA AI Foundation models.

  2. Select theRetrieval tab, then select your model of choice.

  3. UnderInput select thePython tab, and clickGet API Key. Then clickGenerate Key.

  4. Copy and save the generated key asNVIDIA_API_KEY. From there, you should have access to the endpoints.

import getpass
import os

# del os.environ['NVIDIA_API_KEY'] ## delete key and reset
if os.environ.get("NVIDIA_API_KEY","").startswith("nvapi-"):
print("Valid NVIDIA_API_KEY already in environment. Delete to reset")
else:
nvapi_key= getpass.getpass("NVAPI Key (starts with nvapi-): ")
assert nvapi_key.startswith("nvapi-"),f"{nvapi_key[:5]}... is not a valid key"
os.environ["NVIDIA_API_KEY"]= nvapi_key

We should be able to see an embedding model among that list which can be used in conjunction with an LLM for effective RAG solutions. We can interface with this model as well as other embedding models supported by NIM through theNVIDIAEmbeddings class.

Working with NIMs on the NVIDIA API Catalog

When initializing an embedding model you can select a model by passing it, e.g.NV-Embed-QA below, or use the default by not passing any arguments.

from langchain_nvidia_ai_endpointsimport NVIDIAEmbeddings

embedder= NVIDIAEmbeddings(model="NV-Embed-QA")
API Reference:NVIDIAEmbeddings

This model is a fine-tuned E5-large model which supports the expectedEmbeddings methods including:

  • embed_query: Generate query embedding for a query sample.

  • embed_documents: Generate passage embeddings for a list of documents which you would like to search over.

  • aembed_query/aembed_documents: Asynchronous versions of the above.

Working with self-hosted NVIDIA NIMs

When ready to deploy, you can self-host models with NVIDIA NIM—which is included with the NVIDIA AI Enterprise software license—and run them anywhere, giving you ownership of your customizations and full control of your intellectual property (IP) and AI applications.

Learn more about NIMs

from langchain_nvidia_ai_endpointsimport NVIDIAEmbeddings

# connect to an embedding NIM running at localhost:8080
embedder= NVIDIAEmbeddings(base_url="http://localhost:8080/v1")
API Reference:NVIDIAEmbeddings

Similarity

The following is a quick test of the similarity for these data points:

Queries:

  • What's the weather like in Komchatka?

  • What kinds of food is Italy known for?

  • What's my name? I bet you don't remember...

  • What's the point of life anyways?

  • The point of life is to have fun :D

Documents:

  • Komchatka's weather is cold, with long, severe winters.

  • Italy is famous for pasta, pizza, gelato, and espresso.

  • I can't recall personal names, only provide information.

  • Life's purpose varies, often seen as personal fulfillment.

  • Enjoying life's moments is indeed a wonderful approach.

Embedding Runtimes

print("\nSequential Embedding: ")
q_embeddings=[
embedder.embed_query("What's the weather like in Komchatka?"),
embedder.embed_query("What kinds of food is Italy known for?"),
embedder.embed_query("What's my name? I bet you don't remember..."),
embedder.embed_query("What's the point of life anyways?"),
embedder.embed_query("The point of life is to have fun :D"),
]
print("Shape:",(len(q_embeddings),len(q_embeddings[0])))

Document Embedding

print("\nBatch Document Embedding: ")
d_embeddings= embedder.embed_documents(
[
"Komchatka's weather is cold, with long, severe winters.",
"Italy is famous for pasta, pizza, gelato, and espresso.",
"I can't recall personal names, only provide information.",
"Life's purpose varies, often seen as personal fulfillment.",
"Enjoying life's moments is indeed a wonderful approach.",
]
)
print("Shape:",(len(q_embeddings),len(q_embeddings[0])))

Now that we've generated our embeddings, we can do a simple similarity check on the results to see which documents would have triggered as reasonable answers in a retrieval task:

%pip install--upgrade--quiet  matplotlib scikit-learn
import matplotlib.pyplotas plt
import numpyas np
from sklearn.metrics.pairwiseimport cosine_similarity

# Compute the similarity matrix between q_embeddings and d_embeddings
cross_similarity_matrix= cosine_similarity(
np.array(q_embeddings),
np.array(d_embeddings),
)

# Plotting the cross-similarity matrix
plt.figure(figsize=(8,6))
plt.imshow(cross_similarity_matrix, cmap="Greens", interpolation="nearest")
plt.colorbar()
plt.title("Cross-Similarity Matrix")
plt.xlabel("Query Embeddings")
plt.ylabel("Document Embeddings")
plt.grid(True)
plt.show()

As a reminder, the queries and documents sent to our system were:

Queries:

  • What's the weather like in Komchatka?

  • What kinds of food is Italy known for?

  • What's my name? I bet you don't remember...

  • What's the point of life anyways?

  • The point of life is to have fun :D

Documents:

  • Komchatka's weather is cold, with long, severe winters.

  • Italy is famous for pasta, pizza, gelato, and espresso.

  • I can't recall personal names, only provide information.

  • Life's purpose varies, often seen as personal fulfillment.

  • Enjoying life's moments is indeed a wonderful approach.

Truncation

Embedding models typically have a fixed context window that determines the maximum number of input tokens that can be embedded. This limit could be a hard limit, equal to the model's maximum input token length, or an effective limit, beyond which the accuracy of the embedding decreases.

Since models operate on tokens and applications usually work with text, it can be challenging for an application to ensure that its input stays within the model's token limits. By default, an exception is thrown if the input is too large.

To assist with this, NVIDIA's NIMs (API Catalog or local) provide atruncate parameter that truncates the input on the server side if it's too large.

Thetruncate parameter has three options:

  • "NONE": The default option. An exception is thrown if the input is too large.
  • "START": The server truncates the input from the start (left), discarding tokens as necessary.
  • "END": The server truncates the input from the end (right), discarding tokens as necessary.
long_text="AI is amazing, amazing is "*100
strict_embedder= NVIDIAEmbeddings()
try:
strict_embedder.embed_query(long_text)
except Exceptionas e:
print("Error:", e)
truncating_embedder= NVIDIAEmbeddings(truncate="END")
truncating_embedder.embed_query(long_text)[:5]

RAG Retrieval:

The following is a repurposing of the initial example of theLangChain Expression Language Retrieval Cookbook entry, but executed with the AI Foundation Models'Mixtral 8x7B Instruct andNVIDIA Retrieval QA Embedding models available in their playground environments. The subsequent examples in the cookbook also run as expected, and we encourage you to explore with these options.

TIP: We would recommend using Mixtral for internal reasoning (i.e. instruction following for data extraction, tool selection, etc.) and Llama-Chat for a single final "wrap-up by making a simple response that works for this user based on the history and context" response.

%pip install--upgrade--quiet  langchain faiss-cpu tiktoken langchain_community

from operatorimport itemgetter

from langchain_community.vectorstoresimport FAISS
from langchain_core.output_parsersimport StrOutputParser
from langchain_core.promptsimport ChatPromptTemplate
from langchain_core.runnablesimport RunnablePassthrough
from langchain_nvidia_ai_endpointsimport ChatNVIDIA
vectorstore= FAISS.from_texts(
["harrison worked at kensho"],
embedding=NVIDIAEmbeddings(model="NV-Embed-QA"),
)
retriever= vectorstore.as_retriever()

prompt= ChatPromptTemplate.from_messages(
[
(
"system",
"Answer solely based on the following context:\n<Documents>\n{context}\n</Documents>",
),
("user","{question}"),
]
)

model= ChatNVIDIA(model="ai-mixtral-8x7b-instruct")

chain=(
{"context": retriever,"question": RunnablePassthrough()}
| prompt
| model
| StrOutputParser()
)

chain.invoke("where did harrison work?")
prompt= ChatPromptTemplate.from_messages(
[
(
"system",
"Answer using information solely based on the following context:\n<Documents>\n{context}\n</Documents>"
"\nSpeak only in the following language: {language}",
),
("user","{question}"),
]
)

chain=(
{
"context": itemgetter("question")| retriever,
"question": itemgetter("question"),
"language": itemgetter("language"),
}
| prompt
| model
| StrOutputParser()
)

chain.invoke({"question":"where did harrison work","language":"italian"})

Related


[8]ページ先頭

©2009-2025 Movatter.jp