File size: 8,962 Bytes
7536853
5a6715f
8359d12
72ccc50
8359d12
0217602
 
c2c5723
 
 
 
0217602
 
 
78fd9fa
cd66018
 
78fd9fa
bbc9fae
936fd23
78fd9fa
 
b3975d6
 
 
8edd409
4c81ad7
 
 
 
 
 
 
 
 
 
 
 
 
cd66018
4c81ad7
 
 
736da61
bbc9fae
4c81ad7
 
 
 
 
 
 
 
 
ac5463a
4c81ad7
 
 
3206d9d
547606d
3206d9d
4c81ad7
 
 
 
52a3d0e
4c81ad7
 
 
 
 
33a5773
4c81ad7
 
78fd9fa
4c81ad7
 
 
 
 
 
 
 
78fd9fa
4c81ad7
736da61
4c81ad7
 
78fd9fa
4c81ad7
 
 
 
 
 
 
 
 
 
52a3d0e
 
4c81ad7
 
b3975d6
 
 
 
 
 
0d4a9fd
1b46e13
 
0d4a9fd
 
 
 
 
 
b3975d6
20a4bf4
14bd49d
4c81ad7
2a77127
 
a61471c
595159e
a61471c
2a77127
 
 
 
 
 
 
 
 
a61471c
 
595159e
a61471c
78fd9fa
4c81ad7
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ac5463a
78fd9fa
 
 
 
 
 
 
 
 
 
ac5463a
78fd9fa
 
7536853
ac5463a
4c81ad7
ac5463a
 
 
4c81ad7
 
 
 
ac5463a
 
78fd9fa
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
4c81ad7
78fd9fa
ac5463a
78fd9fa
4c81ad7
78fd9fa
4c81ad7
 
 
 
ac5463a
 
 
78fd9fa
4c81ad7
 
 
 
 
 
0a0e9e4
05cc9a5
1b46e13
5bdbb4a
78fd9fa
4c81ad7
 
c05cd1b
632dfa0
78fd9fa
4c81ad7
cd66018
 
f775b00
 
 
 
 
 
05cc9a5
 
 
 
 
cd66018
f775b00
 
 
 
 
 
 
 
cd66018
 
6e94dfd
 
cd66018
8359d12
51a7d9e
0217602
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265

import subprocess 
import os
import torch
from dotenv import load_dotenv
from langchain_community.vectorstores import Qdrant
from langchain_huggingface import HuggingFaceEmbeddings
from langchain.prompts import ChatPromptTemplate
from langchain.schema.runnable import RunnablePassthrough
from langchain.schema.output_parser import StrOutputParser
from qdrant_client import QdrantClient, models
from langchain_openai import ChatOpenAI
import gradio as gr
import logging
from typing import List, Tuple, Generator
from dataclasses import dataclass
from datetime import datetime
from transformers import AutoTokenizer, AutoModelForCausalLM, pipeline
from langchain_huggingface.llms import HuggingFacePipeline
from langchain_cerebras import ChatCerebras
from queue import Queue
from threading import Thread
from langchain.chains import LLMChain
from langchain_core.prompts import PromptTemplate
from langchain_huggingface import HuggingFaceEndpoint

# Configure logging
logging.basicConfig(level=logging.INFO)
logger = logging.getLogger(__name__)

@dataclass
class Message:
    role: str
    content: str
    timestamp: str

class ChatHistory:
    def __init__(self):
        self.messages: List[Message] = []
    
    def add_message(self, role: str, content: str):
        timestamp = datetime.now().strftime("%Y-%m-%d %H:%M:%S")
        self.messages.append(Message(role=role, content=content, timestamp=timestamp))
    
    def get_formatted_history(self, max_messages: int = 10) -> str:
        recent_messages = self.messages[-max_messages:] if len(self.messages) > max_messages else self.messages
        formatted_history = "\n".join([
            f"{msg.role}: {msg.content}" for msg in recent_messages
        ])
        return formatted_history
    
    def clear(self):
        self.messages = []

# Load environment variables and setup
load_dotenv()

HF_TOKEN = os.getenv("HF_TOKEN")
C_apikey = os.getenv("C_apikey")
OPENAPI_KEY = os.getenv("OPENAPI_KEY")

if not HF_TOKEN:
    logger.error("HF_TOKEN is not set in the environment variables.")
    exit(1)

embeddings = HuggingFaceEmbeddings(model_name="sentence-transformers/all-MiniLM-L6-v2")

try:
    client = QdrantClient(
        url=os.getenv("QDRANT_URL"),
        api_key=os.getenv("QDRANT_API_KEY"),
        prefer_grpc=False
    )
except Exception as e:
    logger.error("Failed to connect to Qdrant.")
    exit(1)

collection_name = "mawared"

try:
    client.create_collection(
        collection_name=collection_name,
        vectors_config=models.VectorParams(
            size=384,
            distance=models.Distance.COSINE
        )
    )
except Exception as e:
    if "already exists" not in str(e):
        logger.error(f"Error creating collection: {e}")
        exit(1)

db = Qdrant(
    client=client,
    collection_name=collection_name,
    embeddings=embeddings,
)

retriever = db.as_retriever(
    search_type="similarity",
    search_kwargs={"k": 5}
)

# llm = ChatCerebras(
#     model="llama-3.3-70b",
#     api_key=C_apikey,
#     streaming=True
# )

llm = ChatOpenAI(
    model="Qwen/Qwen2.5-72B-Instruct",
    temperature=0.1,
    max_tokens=None,
    timeout=None,
    max_retries=2,
    api_key=HF_TOKEN,  # if you prefer to pass api key in directly instaed of using env vars
    base_url="https://api-inference.huggingface.co/v1/",
    stream=True,
    
)

template = """
You are a knowledgeable, friendly, and professional assistant specializing in the Mawared HR System. Your role is to provide accurate, detailed, and contextually relevant responses based solely on the retrieved context, user query, and chat history.
Your primary focus is delivering exceptional user experience by maintaining clarity, precision, and a conversational tone.

Key Responsibilities:

Utilize the given chat history and retrieved context to craft answers that are accurate, clear, and easy to understand.
Present solutions, workflows, or troubleshooting steps in a friendly and professional tone, using clear and concise language.
When applicable, provide step-by-step instructions in an organized, numbered format to make complex processes simple to follow.
Ask specific, targeted clarifying questions if the user's query lacks detail or context to ensure your response fully addresses their needs.
Refrain from offering unrelated or speculative information. Focus only on the Mawared HR System, maintaining relevance at all times.
Adapt your communication style to the user's preferences, ensuring responses feel engaging and approachable.
If Uncertainty Arises:

If the available information is insufficient to provide a complete answer, politely request additional details to clarify the user's intent or expand on their query.

Previous Conversation: {chat_history}
Retrieved Context: {context}
Current Question: {question}
Answer:
"""

prompt = ChatPromptTemplate.from_template(template)

def create_rag_chain(chat_history: str):
    chain = (
        {
            "context": retriever,
            "question": RunnablePassthrough(),
            "chat_history": lambda x: chat_history
        }
        | prompt
        | llm
        | StrOutputParser()
    )
    return chain

chat_history = ChatHistory()

def process_stream(stream_queue: Queue, history: List[List[str]]) -> Generator[List[List[str]], None, None]:
    """Process the streaming response and update the chat interface"""
    current_response = ""
    
    while True:
        chunk = stream_queue.get()
        if chunk is None:  # Signal that streaming is complete
            break
            
        current_response += chunk
        new_history = history.copy()
        new_history[-1][1] = current_response  # Update the assistant's message
        yield new_history


def ask_question_gradio(question: str, history: List[List[str]]) -> Generator[tuple, None, None]:
    try:
        if history is None:
            history = []
            
        chat_history.add_message("user", question)
        formatted_history = chat_history.get_formatted_history()
        rag_chain = create_rag_chain(formatted_history)
        
        # Update history with user message and empty assistant message
        history.append([question, ""])  # User message
        
        # Create a queue for streaming responses
        stream_queue = Queue()
        
        # Function to process the stream in a separate thread
        def stream_processor():
            try:
                for chunk in rag_chain.stream(question):
                    stream_queue.put(chunk)
                stream_queue.put(None)  # Signal completion
            except Exception as e:
                logger.error(f"Streaming error: {e}")
                stream_queue.put(None)
        
        # Start streaming in a separate thread
        Thread(target=stream_processor).start()
        
        # Yield updates to the chat interface
        response = ""
        for updated_history in process_stream(stream_queue, history):
            response = updated_history[-1][1]
            yield "", updated_history
        
        # Add final response to chat history
        chat_history.add_message("assistant", response)
        
    except Exception as e:
        logger.error(f"Error during question processing: {e}")
        if not history:
            history = []
        history.append([question, "An error occurred. Please try again later."])
        yield "", history

def clear_chat():
    chat_history.clear()
    return [], ""

# Gradio Interface
with gr.Blocks(theme='Hev832/Applio') as iface:
    gr.Image("Image.jpg", width=750, height=300, show_label=False, show_download_button=False)
    gr.Markdown("# Mawared HR Assistant 2.6.5")
    gr.Markdown('### Instructions')
    gr.Markdown("Ask a question about MawaredHR and get a detailed answer, if you get an error try again with same prompt, its an Api issue and we are working on it 😀")
    
    chatbot = gr.Chatbot(
        height=750,
        show_label=False,
        bubble_full_width=False,
    )
    
    with gr.Row():
        with gr.Column(scale=20):
            question_input = gr.Textbox(
                label="Ask a question:",
                placeholder="Type your question here...",
                show_label=False
            )
        with gr.Column(scale=4):
            with gr.Row():
                with gr.Column():
                    send_button = gr.Button("Send", variant="primary", size="sm")
                    clear_button = gr.Button("Clear Chat", size="sm")
    
    # Handle both submit events (Enter key and Send button)
    submit_events = [question_input.submit, send_button.click]
    for submit_event in submit_events:
        submit_event(
            ask_question_gradio,
            inputs=[question_input, chatbot],
            outputs=[question_input, chatbot]
        )
    
    clear_button.click(
        clear_chat,
        outputs=[chatbot, question_input]
    )

if __name__ == "__main__":
    iface.launch()