Spaces:
Sleeping
Sleeping
import gradio as gr | |
from transformers import GPT2Tokenizer, GPT2LMHeadModel | |
import torch | |
from langchain.memory import ConversationBufferMemory | |
# Move model to device (GPU if available) | |
device = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") | |
# Load the tokenizer (use pre-trained tokenizer for GPT-2 family) | |
tokenizer = GPT2Tokenizer.from_pretrained("path_to_your_model_directory") | |
# Load the model from the directory containing 'pytorch_model.bin' and 'config.json' | |
model = GPT2LMHeadModel.from_pretrained("path_to_your_model_directory") | |
# Move model to the device (GPU or CPU) | |
model.to(device) | |
# Set up conversational memory using LangChain's ConversationBufferMemory | |
memory = ConversationBufferMemory() | |
# Define the chatbot function with memory | |
def chat_with_distilgpt2(input_text): | |
# Retrieve conversation history | |
conversation_history = memory.load_memory_variables({})['history'] | |
# Combine the (possibly summarized) history with the current user input | |
full_input = f"{conversation_history}\nUser: {input_text}\nAssistant:" | |
# Tokenize the input and convert to tensor | |
input_ids = tokenizer.encode(full_input, return_tensors="pt").to(device) | |
# Generate the response using the model with adjusted parameters | |
outputs = model.generate( | |
input_ids, | |
max_length=input_ids.shape[1] + 100, # Limit total length | |
max_new_tokens=100, | |
num_return_sequences=1, | |
no_repeat_ngram_size=3, | |
repetition_penalty=1.2, | |
early_stopping=True, | |
pad_token_id=tokenizer.eos_token_id, | |
eos_token_id=tokenizer.eos_token_id | |
) | |
# Decode the model output | |
response = tokenizer.decode(outputs[0], skip_special_tokens=True) | |
# Update the memory with the user input and model response | |
memory.save_context({"input": input_text}, {"output": response}) | |
return response | |
# Set up the Gradio interface | |
interface = gr.Interface( | |
fn=chat_with_distilgpt2, | |
inputs=gr.Textbox(label="Chat with DistilGPT-2"), | |
outputs=gr.Textbox(label="DistilGPT-2's Response"), | |
title="DistilGPT-2 Chatbot with Memory", | |
description="This is a simple chatbot powered by the DistilGPT-2 model with conversational memory, using LangChain.", | |
) | |
# Launch the Gradio app | |
interface.launch() | |