hoduyquocbao commited on
Commit
c56e31d
1 Parent(s): 5839892

update new call search tools

Browse files
Files changed (1) hide show
  1. app.py +187 -68
app.py CHANGED
@@ -1,25 +1,27 @@
1
  # Import các thư viện cần thiết
2
  import os
3
- import json
4
  from threading import Thread
5
- from typing import Iterator, List, Tuple
6
 
7
- # Import thư viện Gradio và các mô-đun khác
8
  import gradio as gr
9
  import spaces
10
  import torch
 
 
 
11
  from transformers import AutoModelForCausalLM, AutoTokenizer, TextIteratorStreamer
12
 
13
- # Mô tả chung về mô hình phiên bản Llama
14
  DESCRIPTION = """\
15
- # Llama 3.2 3B Instruct với Gọi Công Cụ Tiên Tiến
16
 
17
- Llama 3.2 3B là phiên bản mới nhất của LLM từ Meta, được tinh chỉnh để theo dõi hướng dẫn và hỗ trợ gọi công cụ.
18
- Đây là bản demo của [`meta-llama/Llama-3.2-3B-Instruct`](https://huggingface.co/meta-llama/Llama-3.2-3B-Instruct).
19
  Để biết thêm chi tiết, hãy xem [bài đăng của chúng tôi](https://huggingface.co/blog/llama32).
20
  """
21
 
22
- # Các thiết lập thông số tối đa
23
  MAX_MAX_NEW_TOKENS = 2048 # Số token tối đa cho đầu ra mới
24
  DEFAULT_MAX_NEW_TOKENS = 1024 # Số token mặc định cho đầu ra mới
25
  MAX_INPUT_TOKEN_LENGTH = int(os.getenv("MAX_INPUT_TOKEN_LENGTH", "4096")) # Lấy giá trị chiều dài token đầu vào từ biến môi trường
@@ -37,35 +39,122 @@ model = AutoModelForCausalLM.from_pretrained(
37
  )
38
  model.eval() # Đặt mô hình vào chế độ đánh giá (evaluation mode)
39
 
40
- # Định nghĩa các chức năng thể được hình gọi
41
- def get_weather(city: str, metric: str = "celsius") -> str:
42
- # Ở đây bạn có thể tích hợp với API thời tiết thực tế
43
- # dụ tĩnh:
44
- weather_data = {
45
- "San Francisco": "25 C",
46
- "Seattle": "18 C"
47
- }
48
- return weather_data.get(city, "Không dữ liệu")
49
-
50
- def get_user_info(user_id: int, special: str = "none") -> str:
51
- # Ở đây bạn có thể truy xuất thông tin từ cơ sở dữ liệu
52
- # dụ tĩnh:
53
- user_data = {
54
- 7890: {"name": "Nguyễn Văn A", "special": special}
55
- }
56
- user = user_data.get(user_id, {"name": "Không xác định", "special": "none"})
57
- return f"Tên người dùng: {user['name']}, Yêu cầu đặc biệt: {user['special']}"
58
-
59
- # Từ điển chứa các chức năng có thể gọi
60
- AVAILABLE_FUNCTIONS = {
61
- "get_weather": get_weather,
62
- "get_user_info": get_user_info
63
- }
64
-
65
- @spaces.GPU(duration=10) # Chỉ định hàm này chạy trên GPU trong tối đa 90 giây
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
66
  def generate(
67
  message: str,
68
- chat_history: List[Tuple[str, str]],
69
  max_new_tokens: int = 1024,
70
  temperature: float = 0.6,
71
  top_p: float = 0.9,
@@ -73,8 +162,9 @@ def generate(
73
  repetition_penalty: float = 1.2,
74
  ) -> Iterator[str]:
75
  conversation = []
76
-
77
- # Duyệt qua lịch sử trò chuyện để xây dựng lại cuộc hội thoại
 
78
  for user, assistant in chat_history:
79
  conversation.extend(
80
  [
@@ -82,9 +172,13 @@ def generate(
82
  {"role": "assistant", "content": assistant},
83
  ]
84
  )
 
85
  # Thêm tin nhắn mới của người dùng vào cuộc hội thoại
86
  conversation.append({"role": "user", "content": message})
87
 
 
 
 
88
  # Áp dụng mẫu hội thoại và chuyển thành tensor
89
  input_ids = tokenizer.apply_chat_template(conversation, add_generation_prompt=True, return_tensors="pt")
90
 
@@ -116,38 +210,65 @@ def generate(
116
  t = Thread(target=model.generate, kwargs=generate_kwargs)
117
  t.start()
118
 
119
- # Trả về từng phần đầu ra khi chúng được sinh ra
120
  outputs = []
121
- assistant_response = ""
122
  for text in streamer:
123
  outputs.append(text)
124
- assistant_response = "".join(outputs)
125
- # Kiểm tra xem mô hình có trả về cuộc gọi chức năng không
126
- if "[get_weather" in assistant_response or "[get_user_info" in assistant_response:
 
 
127
  try:
128
- # Trích xuất phần gọi chức năng từ phản hồi
129
- start = assistant_response.index('[')
130
- end = assistant_response.index(']') + 1
131
- func_calls_str = assistant_response[start:end]
132
- func_calls = json.loads(func_calls_str.replace("'", '"'))
133
-
134
- results = []
135
- for call in func_calls:
136
- func_name = list(call.keys())[0]
137
- params = call[func_name]
138
- if isinstance(params, dict):
139
- result = AVAILABLE_FUNCTIONS[func_name](**params)
140
- else:
141
- result = AVAILABLE_FUNCTIONS[func_name]()
142
- results.append(result)
143
 
144
- # Gộp kết quả thêm vào phản hồi của trợ lý
145
- assistant_response = assistant_response[:start] + " ".join(results) + assistant_response[end:]
146
- yield assistant_response
147
- except Exception as e:
148
- yield f"Đã xảy ra lỗi khi xử lý cuộc gọi chức năng: {str(e)}"
149
- else:
150
- yield assistant_response
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
151
 
152
  # Tạo giao diện chat với Gradio
153
  chat_interface = gr.ChatInterface(
@@ -196,8 +317,6 @@ chat_interface = gr.ChatInterface(
196
  ["Giải thích cốt truyện của Cô bé Lọ Lem trong một câu."],
197
  ["Mất bao nhiêu giờ để một người ăn một chiếc trực thăng?"],
198
  ["Viết một bài báo 100 từ về 'Lợi ích của mã nguồn mở trong nghiên cứu AI'"],
199
- ["Thời tiết ở San Francisco thế nào"],
200
-
201
  ],
202
  cache_examples=False, # Không lưu trữ các ví dụ
203
  )
@@ -208,6 +327,6 @@ with gr.Blocks(css="style.css", fill_height=True) as demo:
208
  gr.DuplicateButton(value="Tạo bản sao cho sử dụng cá nhân", elem_id="duplicate-button")
209
  chat_interface.render() # Hiển thị giao diện chat
210
 
211
- # Khởi chạy ứng dụng khi chạy trực tiếp tệp này
212
  if __name__ == "__main__":
213
- demo.queue(max_size=20).launch()
 
1
  # Import các thư viện cần thiết
2
  import os
3
+ import json # Thêm thư viện json để xử lý dữ liệu JSON
4
  from threading import Thread
5
+ from typing import Iterator
6
 
 
7
  import gradio as gr
8
  import spaces
9
  import torch
10
+ import requests # Thêm thư viện requests để thực hiện các yêu cầu HTTP
11
+ from bs4 import BeautifulSoup # Thêm BeautifulSoup để phân tích HTML
12
+ from functools import lru_cache # Thêm lru_cache để cache kết quả hàm
13
  from transformers import AutoModelForCausalLM, AutoTokenizer, TextIteratorStreamer
14
 
15
+ # Mô tả về mô hình Llama 3.2 3B Instruct
16
  DESCRIPTION = """\
17
+ # Llama 3.2 3B Instruct
18
 
19
+ Llama 3.2 3B là phiên bản mới nhất của LLM từ Meta.
20
+ Đây là bản demo của [`meta-llama/Llama-3.2-3B-Instruct`](https://huggingface.co/meta-llama/Llama-3.2-3B-Instruct), được tinh chỉnh để theo dõi hướng dẫn.
21
  Để biết thêm chi tiết, hãy xem [bài đăng của chúng tôi](https://huggingface.co/blog/llama32).
22
  """
23
 
24
+ # Thiết lập các thông số tối đa
25
  MAX_MAX_NEW_TOKENS = 2048 # Số token tối đa cho đầu ra mới
26
  DEFAULT_MAX_NEW_TOKENS = 1024 # Số token mặc định cho đầu ra mới
27
  MAX_INPUT_TOKEN_LENGTH = int(os.getenv("MAX_INPUT_TOKEN_LENGTH", "4096")) # Lấy giá trị chiều dài token đầu vào từ biến môi trường
 
39
  )
40
  model.eval() # Đặt mô hình vào chế độ đánh giá (evaluation mode)
41
 
42
+ # Hàm để trích xuất văn bản từ nội dung HTML, sử dụng cache để tăng tốc độ
43
+ @lru_cache(maxsize=128)
44
+ def extract_text_from_webpage(html_content):
45
+ """Trích xuất văn bản hiển thị từ nội dung HTML sử dụng BeautifulSoup."""
46
+ soup = BeautifulSoup(html_content, "html.parser")
47
+ # Loại bỏ các thẻ không hiển thị như script, style, header, footer, nav, form, svg
48
+ for tag in soup(["script", "style", "header", "footer", "nav", "form", "svg"]):
49
+ tag.extract()
50
+ # Lấy văn bản hiển thị và loại bỏ khoảng trắng thừa
51
+ visible_text = soup.get_text(strip=True)
52
+ return visible_text
53
+
54
+ # Hàm thực hiện tìm kiếm trên Google và trả về kết quả
55
+ def search(query):
56
+ term = query
57
+ all_results = []
58
+ max_chars_per_page = 8000 # Số tự tối đa cho mỗi trang
59
+ with requests.Session() as session:
60
+ # Thực hiện yêu cầu tìm kiếm trên Google
61
+ resp = session.get(
62
+ url="https://www.google.com/search",
63
+ headers={"User-Agent": "Mozilla/5.0 (Windows NT 10.0; Win64; x64; rv:109.0) Gecko/20100101 Firefox/111.0"},
64
+ params={"q": term, "num": 4, "udm": 14},
65
+ timeout=5,
66
+ verify=False, # Không xác thực SSL
67
+ )
68
+ resp.raise_for_status() # Kiểm tra phản hồi HTTP
69
+ soup = BeautifulSoup(resp.text, "html.parser")
70
+ result_block = soup.find_all("div", attrs={"class": "g"}) # Tìm các kết quả tìm kiếm
71
+ for result in result_block:
72
+ link = result.find("a", href=True)
73
+ if link:
74
+ link = link["href"]
75
+ try:
76
+ # Lấy nội dung trang web từ liên kết
77
+ webpage = session.get(
78
+ link,
79
+ headers={"User-Agent": "Mozilla/5.0 (Windows NT 10.0; Win64; x64; rv:109.0) Gecko/20100101 Firefox/111.0"},
80
+ timeout=5,
81
+ verify=False
82
+ )
83
+ webpage.raise_for_status()
84
+ visible_text = extract_text_from_webpage(webpage.text)
85
+ # Cắt bớt văn bản nếu vượt quá giới hạn
86
+ if len(visible_text) > max_chars_per_page:
87
+ visible_text = visible_text[:max_chars_per_page]
88
+ all_results.append({"link": link, "text": visible_text})
89
+ except requests.exceptions.RequestException:
90
+ all_results.append({"link": link, "text": None})
91
+ return all_results
92
+
93
+ # Danh sách metadata các hàm có thể được gọi
94
+ functions_metadata = [
95
+ {
96
+ "name": "web_search",
97
+ "description": "Tìm kiếm trên Google và tìm thông tin mới nhất, thông tin về bất kỳ người, đối tượng, địa điểm nào có sẵn trên Google.",
98
+ "parameters": {
99
+ "type": "object",
100
+ "properties": {
101
+ "query": {
102
+ "type": "string",
103
+ "description": "Truy vấn tìm kiếm web"
104
+ }
105
+ },
106
+ "required": ["query"]
107
+ }
108
+ },
109
+ {
110
+ "name": "general_query",
111
+ "description": "Trả lời các truy vấn chung của người dùng bằng LLM như bạn. Nhưng không trả lời các câu hỏi khó và thông tin mới nhất.",
112
+ "parameters": {
113
+ "type": "object",
114
+ "properties": {
115
+ "prompt": {
116
+ "type": "string",
117
+ "description": "Một đề bài chi tiết"
118
+ }
119
+ },
120
+ "required": ["prompt"]
121
+ }
122
+ },
123
+ {
124
+ "name": "hard_query",
125
+ "description": "Trả lời các truy vấn khó của người dùng, sử dụng LLM mạnh mẽ. Nhưng không trả lời các thông tin mới nhất.",
126
+ "parameters": {
127
+ "type": "object",
128
+ "properties": {
129
+ "prompt": {
130
+ "type": "string",
131
+ "description": "Một đề bài chi tiết"
132
+ }
133
+ },
134
+ "required": ["prompt"]
135
+ }
136
+ },
137
+ ]
138
+
139
+ # Prompt role system với các hướng dẫn về khả năng và công cụ
140
+ SYSTEM_PROMPT = f"""\
141
+ Bạn là một trợ lý thông minh và hữu ích với khả năng sử dụng các công cụ sau đây để hỗ trợ người dùng:
142
+
143
+ {json.dumps(functions_metadata, indent=4, ensure_ascii=False)}
144
+
145
+ Bạn có thể thực hiện các công việc như tìm kiếm trên web, tạo hình ảnh, tạo video, và trả lời các câu hỏi liên quan đến hình ảnh. Khi cần sử dụng một trong các công cụ này, bạn sẽ trả về một lời gọi hàm theo định dạng Python như sau:
146
+
147
+ [func1(params_name=params_value, params_name2=params_value2...), func2(params)]
148
+
149
+ Bạn chỉ được gọi một hàm tại một thời điểm. Đảm bảo rằng bạn chọn các công cụ một cách khôn ngoan để cung cấp câu trả lời tốt nhất cho người dùng.
150
+
151
+ """
152
+
153
+ # Hàm chính để xử lý việc sinh phản hồi từ mô hình
154
+ @spaces.GPU(duration=90) # Chỉ định hàm này chạy trên GPU trong tối đa 90 giây
155
  def generate(
156
  message: str,
157
+ chat_history: list[tuple[str, str]],
158
  max_new_tokens: int = 1024,
159
  temperature: float = 0.6,
160
  top_p: float = 0.9,
 
162
  repetition_penalty: float = 1.2,
163
  ) -> Iterator[str]:
164
  conversation = []
165
+ func_caller = []
166
+
167
+ # Xây dựng cuộc hội thoại từ lịch sử trò chuyện
168
  for user, assistant in chat_history:
169
  conversation.extend(
170
  [
 
172
  {"role": "assistant", "content": assistant},
173
  ]
174
  )
175
+
176
  # Thêm tin nhắn mới của người dùng vào cuộc hội thoại
177
  conversation.append({"role": "user", "content": message})
178
 
179
+ # Thêm prompt role system vào đầu cuộc hội thoại
180
+ conversation.insert(0, {"role": "system", "content": SYSTEM_PROMPT})
181
+
182
  # Áp dụng mẫu hội thoại và chuyển thành tensor
183
  input_ids = tokenizer.apply_chat_template(conversation, add_generation_prompt=True, return_tensors="pt")
184
 
 
210
  t = Thread(target=model.generate, kwargs=generate_kwargs)
211
  t.start()
212
 
 
213
  outputs = []
 
214
  for text in streamer:
215
  outputs.append(text)
216
+ response = "".join(outputs)
217
+ yield response
218
+
219
+ # Kiểm tra xem phản hồi có phải là lời gọi hàm không
220
+ if response.startswith("[") and response.endswith("]"):
221
  try:
222
+ # Phân tích phản hồi JSON
223
+ json_data = json.loads(response)
 
 
 
 
 
 
 
 
 
 
 
 
 
224
 
225
+ # Xử các hàm được gọi
226
+ for func in json_data:
227
+ func_name = func.get("name")
228
+ arguments = func.get("arguments", {})
229
+
230
+ if func_name == "web_search":
231
+ query = arguments.get("query")
232
+ if query:
233
+ gr.Info("Đang tìm kiếm trên web...")
234
+ yield "Đang tìm kiếm trên web..."
235
+ web_results = search(query)
236
+
237
+ gr.Info("Đang trích xuất thông tin liên quan...")
238
+ yield "Đang trích xuất thông tin liên quan..."
239
+ web_content = ' '.join([f"Link: {res['link']}\nText: {res['text']}\n\n" for res in web_results])
240
+
241
+ # Xây dựng lại cuộc hội thoại với kết quả tìm kiếm
242
+ conversation_updated = conversation.copy()
243
+ conversation_updated.append({"role": "user", "content": message})
244
+ conversation_updated.append({"role": "system", "content": f"[WEB RESULTS] {web_content}"})
245
+
246
+ # Gửi lại cuộc hội thoại để mô hình trả lời dựa trên kết quả tìm kiếm
247
+ input_ids_updated = tokenizer.apply_chat_template(conversation_updated, add_generation_prompt=True, return_tensors="pt")
248
+ input_ids_updated = input_ids_updated.to(model.device)
249
+
250
+ streamer_updated = TextIteratorStreamer(tokenizer, timeout=20.0, skip_prompt=True, skip_special_tokens=True)
251
+ generate_kwargs_updated = dict(
252
+ {"input_ids": input_ids_updated},
253
+ streamer=streamer_updated,
254
+ max_new_tokens=max_new_tokens,
255
+ do_sample=True,
256
+ top_p=top_p,
257
+ top_k=top_k,
258
+ temperature=temperature,
259
+ num_beams=1,
260
+ repetition_penalty=repetition_penalty,
261
+ )
262
+
263
+ t_updated = Thread(target=model.generate, kwargs=generate_kwargs_updated)
264
+ t_updated.start()
265
+
266
+ for text_updated in streamer_updated:
267
+ yield text_updated
268
+
269
+ except json.JSONDecodeError:
270
+ # Nếu phản hồi không phải là JSON hợp lệ, tiếp tục trả lời bình thường
271
+ continue
272
 
273
  # Tạo giao diện chat với Gradio
274
  chat_interface = gr.ChatInterface(
 
317
  ["Giải thích cốt truyện của Cô bé Lọ Lem trong một câu."],
318
  ["Mất bao nhiêu giờ để một người ăn một chiếc trực thăng?"],
319
  ["Viết một bài báo 100 từ về 'Lợi ích của mã nguồn mở trong nghiên cứu AI'"],
 
 
320
  ],
321
  cache_examples=False, # Không lưu trữ các ví dụ
322
  )
 
327
  gr.DuplicateButton(value="Tạo bản sao cho sử dụng cá nhân", elem_id="duplicate-button")
328
  chat_interface.render() # Hiển thị giao diện chat
329
 
330
+ # Hàm chính để khởi chạy ứng dụng
331
  if __name__ == "__main__":
332
+ demo.queue(max_size=20).launch() # Khởi chạy ứng dụng với hàng đợi tối đa 20 yêu cầu