HansBug commited on
Commit
d7b9ea3
·
2 Parent(s): 8f27c38 d9b097d

Merge branch 'main' into hf

Browse files
README.md CHANGED
@@ -42,30 +42,33 @@ QUESTION_LANG=cn QUESTION_LLM='chatgpt' QUESTION_LLM_KEY=<your API key> python3
42
  ```shell
43
  QUESTION_LANG=en QUESTION_LLM='chatgpt' QUESTION_LLM_KEY=<your API key> python3 -u app.py
44
  ```
45
- ### LLaMA2-7b + 中文
46
  ```shell
47
- QUESTION_LANG=cn QUESTION_LLM='llama2-7b' python3 -u app.py
48
- ```
49
- ### LLaMA2-7b + 英文
50
- ```shell
51
- QUESTION_LANG=en QUESTION_LLM='llama2-7b' python3 -u app.py
52
  ```
53
  ## :technologist: 为什么制作这个游戏
54
 
55
  我们的目标是通过这一游戏,让参与者深入领略到提示工程(prompt engineering)和自然语言处理的令人着迷之处。这个过程将向玩家们展示,如何巧妙地构建提示词(prompts),以及如何运用它们来引发人工智能系统的惊人反应,同时也帮助他们更好地理解深度学习和自然语言处理技术的不可思议之处。
56
 
57
  ## :raising_hand: 如何提交设计好的关卡
58
- 如果有好玩的问题或想法,欢迎玩家提交自己的创意,可以通过
59
  [发起 Pull Request](https://github.com/opendilab/LLMRiddles/compare) 向我们提交, 我们会在审核通过后收录至关卡中。
 
 
 
 
 
 
 
60
 
61
  ## :writing_hand: 未来计划
62
 
63
  - [x] 支持自定义关卡
64
  - [ ] 在线试玩链接
65
  - [ ] Hugging Face Space 链接
66
- - [ ] 支持LLaMA2-7B(英文)
67
- - [ ] 支持Mistral-7B(英文)
68
  - [ ] 支持Baichuan2-7B(中文)
 
69
  - [ ] LLM 推理速度优化
70
 
71
 
 
42
  ```shell
43
  QUESTION_LANG=en QUESTION_LLM='chatgpt' QUESTION_LLM_KEY=<your API key> python3 -u app.py
44
  ```
45
+ ### Mistral-7B-Instruct-v0.1 + 英文
46
  ```shell
47
+ QUESTION_LANG=en QUESTION_LLM='mistral-7b' python3 -u app.py
 
 
 
 
48
  ```
49
  ## :technologist: 为什么制作这个游戏
50
 
51
  我们的目标是通过这一游戏,让参与者深入领略到提示工程(prompt engineering)和自然语言处理的令人着迷之处。这个过程将向玩家们展示,如何巧妙地构建提示词(prompts),以及如何运用它们来引发人工智能系统的惊人反应,同时也帮助他们更好地理解深度学习和自然语言处理技术的不可思议之处。
52
 
53
  ## :raising_hand: 如何提交设计好的关卡
54
+ 如果有好玩的问题或想法,欢迎玩家提交自己的创意,可以
55
  [发起 Pull Request](https://github.com/opendilab/LLMRiddles/compare) 向我们提交, 我们会在审核通过后收录至关卡中。
56
+ 问题的设计格式应包含以下几点:
57
+ - Pull Request标题,示例:feature(username): 章节X-关卡设计
58
+ - 希望被提及的ID
59
+ - 对应章节问题文件的修改
60
+ - init.py的修改
61
+
62
+ 完整示例请参考:[提交属于自己的关卡设计]()
63
 
64
  ## :writing_hand: 未来计划
65
 
66
  - [x] 支持自定义关卡
67
  - [ ] 在线试玩链接
68
  - [ ] Hugging Face Space 链接
69
+ - [x] 支持Mistral-7B-Instruct-v0.1(英文)
 
70
  - [ ] 支持Baichuan2-7B(中文)
71
+ - [ ] 支持LLaMA2-7B(英文)
72
  - [ ] LLM 推理速度优化
73
 
74
 
app.py CHANGED
@@ -1,5 +1,6 @@
1
  import os
2
  import uuid
 
3
 
4
  import gradio as gr
5
 
@@ -7,14 +8,20 @@ from llmriddles.questions import QuestionExecutor
7
  from llmriddles.questions import list_ordered_questions
8
 
9
  _QUESTION_IDS = {}
 
10
  _QUESTIONS = list_ordered_questions()
11
  _LANG = os.environ.get('QUESTION_LANG', 'cn')
12
  assert _LANG in ['cn', 'en'], _LANG
13
  _LLM = os.environ.get('QUESTION_LLM', 'chatgpt')
14
- assert _LLM in ['chatgpt', 'llama2-7b'], _LLM
15
  _LLM_KEY = os.environ.get('QUESTION_LLM_KEY', None)
 
16
 
17
  if _LANG == "cn":
 
 
 
 
18
  title = "完蛋!我被 LLM 拿捏了"
19
  requirement_ph = """
20
  欢迎来到 LLM Riddles!
@@ -122,7 +129,7 @@ if __name__ == '__main__':
122
  gr_question = gr.TextArea(placeholder=question_ph, label=question_label)
123
  gr_api_key = gr.Text(placeholder=api_ph, label=api_label, type='password', visible=_need_api_key())
124
  with gr.Row():
125
- gr_submit = gr.Button(submit_label, interactive=True)
126
  gr_next = gr.Button(next_label)
127
 
128
  with gr.Column():
@@ -134,8 +141,11 @@ if __name__ == '__main__':
134
 
135
 
136
  def _next_question(uuid_):
 
137
  if not uuid_:
138
  uuid_ = str(uuid.uuid4())
 
 
139
  global _QUESTION_IDS
140
  _qid = _QUESTION_IDS.get(uuid_, -1)
141
  _qid += 1
@@ -143,8 +153,9 @@ if __name__ == '__main__':
143
 
144
  if _qid >= len(_QUESTIONS):
145
  del _QUESTION_IDS[uuid_]
 
146
  return game_cleared_label, '', '', {}, '', \
147
- gr.Button(submit_label, interactive=True), \
148
  gr.Button(try_again_label, interactive=True), \
149
  ''
150
  else:
@@ -187,4 +198,5 @@ if __name__ == '__main__':
187
  )
188
 
189
  concurrency = int(os.environ.get('CONCURRENCY', os.cpu_count()))
190
- demo.queue().launch(max_threads=concurrency)
 
 
1
  import os
2
  import uuid
3
+ import logging
4
 
5
  import gradio as gr
6
 
 
8
  from llmriddles.questions import list_ordered_questions
9
 
10
  _QUESTION_IDS = {}
11
+ count = 0
12
  _QUESTIONS = list_ordered_questions()
13
  _LANG = os.environ.get('QUESTION_LANG', 'cn')
14
  assert _LANG in ['cn', 'en'], _LANG
15
  _LLM = os.environ.get('QUESTION_LLM', 'chatgpt')
16
+ assert _LLM in ['chatgpt', 'mistral-7b'], _LLM
17
  _LLM_KEY = os.environ.get('QUESTION_LLM_KEY', None)
18
+ _DEBUG = os.environ.get('DEBUG', 'false').lower() == 'true'
19
 
20
  if _LANG == "cn":
21
+ if _DEBUG:
22
+ logging.getLogger().setLevel(logging.INFO)
23
+ else:
24
+ logging.getLogger().setLevel(logging.WARNING)
25
  title = "完蛋!我被 LLM 拿捏了"
26
  requirement_ph = """
27
  欢迎来到 LLM Riddles!
 
129
  gr_question = gr.TextArea(placeholder=question_ph, label=question_label)
130
  gr_api_key = gr.Text(placeholder=api_ph, label=api_label, type='password', visible=_need_api_key())
131
  with gr.Row():
132
+ gr_submit = gr.Button(submit_label, interactive=False)
133
  gr_next = gr.Button(next_label)
134
 
135
  with gr.Column():
 
141
 
142
 
143
  def _next_question(uuid_):
144
+ global count
145
  if not uuid_:
146
  uuid_ = str(uuid.uuid4())
147
+ count += 1
148
+ logging.info(f'Player {count} starts the game now')
149
  global _QUESTION_IDS
150
  _qid = _QUESTION_IDS.get(uuid_, -1)
151
  _qid += 1
 
153
 
154
  if _qid >= len(_QUESTIONS):
155
  del _QUESTION_IDS[uuid_]
156
+ logging.info(f'Player {count} has passed the game now')
157
  return game_cleared_label, '', '', {}, '', \
158
+ gr.Button(submit_label, interactive=False), \
159
  gr.Button(try_again_label, interactive=True), \
160
  ''
161
  else:
 
198
  )
199
 
200
  concurrency = int(os.environ.get('CONCURRENCY', os.cpu_count()))
201
+ favicon_path = os.path.join(os.path.dirname(__file__), 'llmriddles', 'assets', 'avatar.png')
202
+ demo.queue().launch(max_threads=concurrency, favicon_path=favicon_path, share=True)
llmriddles/assets/avatar.png ADDED
llmriddles/llms/__init__.py CHANGED
@@ -1,2 +1,3 @@
1
- from .chatgpt import ask_chatgpt
2
  from .base import register_llm, get_llm_fn
 
 
 
 
1
  from .base import register_llm, get_llm_fn
2
+ from .chatgpt import ask_chatgpt
3
+ from .mistral import ask_mistral_7b_instruct
llmriddles/llms/llm_client.py ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import time
2
+ import requests
3
+ import logging
4
+ import argparse
5
+
6
+
7
+ class LLMFlaskClient:
8
+ def __init__(self, ip: str, port: int, max_retry: int = 3):
9
+ self.ip = ip
10
+ self.port = port
11
+
12
+ self.url_prefix_format = 'http://{}:{}/'
13
+ self.url = self.url_prefix_format.format(self.ip, self.port)
14
+ self.max_retry = max_retry
15
+
16
+ self.logger = logging.getLogger()
17
+ self.logger.addHandler(logging.StreamHandler())
18
+ self.logger.handlers[0].setFormatter(logging.Formatter("%(message)s"))
19
+
20
+ def _request(self, name: str, data: dict):
21
+ for _ in range(self.max_retry):
22
+ try:
23
+ self.logger.info(f'{name}\ndata: {data}')
24
+ response = requests.post(self.url + name, json=data).json()
25
+ except Exception as e:
26
+ self.logger.warning('error: ', repr(e))
27
+ time.sleep(1)
28
+ continue
29
+ if response['code'] == 0:
30
+ return response['output']
31
+ else:
32
+ raise Exception(response['error_msg'])
33
+ raise Exception("Web service failed. Please retry or contact with manager")
34
+
35
+ def run(self, message: str) -> str:
36
+ try:
37
+ return self._request('ask_llm_for_answer', {'user_text': message})
38
+ except Exception as e:
39
+ return f"Error: {repr(e)}"
40
+
41
+
42
+ if __name__ == "__main__":
43
+ parser = argparse.ArgumentParser()
44
+ parser.add_argument('--ip', required=True)
45
+ parser.add_argument('-p', '--port', required=True)
46
+ parser.add_argument('--debug', action='store_true')
47
+ args = parser.parse_args()
48
+ if args.debug:
49
+ logging.getLogger().setLevel(logging.INFO)
50
+ else:
51
+ logging.getLogger().setLevel(logging.WARNING)
52
+
53
+ client = LLMFlaskClient(args.ip, args.port)
54
+ print(client.run('Please concatenate string "1+" and "1=3". Only give me the result without "".'))
llmriddles/llms/llm_server.py ADDED
@@ -0,0 +1,72 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from transformers import AutoModelForCausalLM, AutoTokenizer
2
+ from flask import Flask, request
3
+ import argparse
4
+ import logging
5
+
6
+
7
+ class LLMInstance:
8
+
9
+ def __init__(self, model_path: str, device: str = "cuda"):
10
+
11
+ self.model = AutoModelForCausalLM.from_pretrained(model_path)
12
+ self.tokenizer = AutoTokenizer.from_pretrained(model_path)
13
+ self.model.to(device)
14
+ self.device = device
15
+
16
+ def query(self, message):
17
+ try:
18
+ messages = [
19
+ {"role": "user", "content": message},
20
+ ]
21
+ encodeds = self.tokenizer.apply_chat_template(messages, return_tensors="pt")
22
+ model_inputs = encodeds.to(self.device)
23
+
24
+ generated_ids = self.model.generate(model_inputs, max_new_tokens=1000, do_sample=True)
25
+ decoded = self.tokenizer.batch_decode(generated_ids)
26
+
27
+ # output is the string decoded[0] after "[/INST]". There may exist "</s>", delete it.
28
+ output = decoded[0].split("[/INST]")[1].split("</s>")[0]
29
+ return {
30
+ 'code': 0,
31
+ 'ret': True,
32
+ 'error_msg': None,
33
+ 'output': output
34
+ }
35
+ except Exception as e:
36
+ return {
37
+ 'code': 1,
38
+ 'ret': False,
39
+ 'error_msg': str(e),
40
+ 'output': None
41
+ }
42
+
43
+
44
+ def create_app(core):
45
+ app = Flask(__name__)
46
+
47
+ @app.route('/ask_llm_for_answer', methods=['POST'])
48
+ def ask_llm_for_answer():
49
+ user_text = request.json['user_text']
50
+ return core.query(user_text)
51
+
52
+ return app
53
+
54
+
55
+ if __name__ == "__main__":
56
+ parser = argparse.ArgumentParser()
57
+ parser.add_argument('-m', '--model_path', required=True, default='Mistral-7B-Instruct-v0.1', help='the model path of reward model')
58
+ parser.add_argument('--ip', default='0.0.0.0')
59
+ parser.add_argument('-p', '--port', default=8001)
60
+ parser.add_argument('--debug', action='store_true')
61
+ args = parser.parse_args()
62
+
63
+ if args.debug:
64
+ logging.getLogger().setLevel(logging.DEBUG)
65
+ else:
66
+ logging.getLogger().setLevel(logging.INFO)
67
+ logging.getLogger().addHandler(logging.StreamHandler())
68
+ logging.getLogger().handlers[0].setFormatter(logging.Formatter("%(message)s"))
69
+
70
+ core = LLMInstance(args.model_path)
71
+ app = create_app(core)
72
+ app.run(host=args.ip, port=args.port)
llmriddles/llms/mistral.py ADDED
@@ -0,0 +1,22 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from functools import lru_cache
2
+
3
+ from .base import register_llm
4
+ from .llm_client import LLMFlaskClient
5
+
6
+
7
+ @lru_cache()
8
+ def _get_mistral_7b_instruct_server(host: str, port: int):
9
+ from .llm_server import LLMInstance, create_app
10
+ core = LLMInstance('Mistral-7B-Instruct-v0.1')
11
+ app = create_app(core)
12
+ app.run(host=host, port=port)
13
+
14
+
15
+ def ask_mistral_7b_instruct(message: str, **kwargs):
16
+ host, port = '0.0.0.0', 8001
17
+ _get_mistral_7b_instruct_server(host, port)
18
+ client = LLMFlaskClient(host, port)
19
+ return client.run(message).strip()
20
+
21
+
22
+ register_llm('mistral-7b', ask_mistral_7b_instruct)
llmriddles/questions/__init__.py CHANGED
@@ -1,7 +1,13 @@
1
  from .executor import QuestionExecutor
2
  from .level1 import __file__ as _level1_file_
 
3
  from .level3 import __file__ as _level3_file_
 
 
4
  from .question import Question, register_question, list_ordered_questions
5
 
6
  _ = _level1_file_
 
7
  _ = _level3_file_
 
 
 
1
  from .executor import QuestionExecutor
2
  from .level1 import __file__ as _level1_file_
3
+ from .level2 import __file__ as _level2_file_
4
  from .level3 import __file__ as _level3_file_
5
+ from .level4 import __file__ as _level4_file_
6
+ from .level5 import __file__ as _level5_file_
7
  from .question import Question, register_question, list_ordered_questions
8
 
9
  _ = _level1_file_
10
+ _ = _level2_file_
11
  _ = _level3_file_
12
+ _ = _level4_file_
13
+ _ = _level5_file_
llmriddles/questions/level2.py ADDED
@@ -0,0 +1,299 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import re
2
+ from typing import Optional, Tuple
3
+
4
+ import sympy
5
+
6
+ from .question import register_question
7
+
8
+ CN_TEXT_1 = """
9
+ 你需要提出一个字数是质数的问题,使回答的长度刚好是它的下一个质数。
10
+ """
11
+ EN_TEXT_1 = """
12
+ You need to come up with a question that has a prime number of words, so the answer's length is exactly the next prime number.
13
+ """
14
+
15
+
16
+ def _is_prime(v):
17
+ return sympy.isprime(v)
18
+
19
+
20
+ def _next_prime(v):
21
+ while v:
22
+ v += 1
23
+ if _is_prime(v):
24
+ return v
25
+
26
+
27
+ def _cn_checker_1(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
28
+ qs_length = len(user_text.strip())
29
+ if not _is_prime(qs_length):
30
+ return False, f'问题长度为{qs_length},非质数'
31
+
32
+ answer_value = len(answer_text)
33
+ next_prime = _next_prime(qs_length)
34
+ if answer_value != next_prime:
35
+ return False, f'下一个质数为{next_prime},但回答长度为{answer_value}'
36
+
37
+ return True, None
38
+
39
+
40
+ def _en_words(text: str):
41
+ return len(re.findall(r'\w+', text))
42
+
43
+
44
+ def _en_checker_1(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
45
+ qs_length = _en_words(user_text.strip())
46
+ if not _is_prime(qs_length):
47
+ return False, f'The question has a length of {qs_length}, which is not a prime number'
48
+
49
+ answer_value = _en_words(answer_text)
50
+ next_prime = _next_prime(qs_length)
51
+ if answer_value != next_prime:
52
+ return False, f'The next prime number is {next_prime}, but the answer\'s length is {answer_value}'
53
+
54
+ return True, None
55
+
56
+
57
+ register_question({
58
+ 'cn': CN_TEXT_1,
59
+ 'en': EN_TEXT_1,
60
+ }, checkers={
61
+ 'cn': _cn_checker_1,
62
+ 'en': _en_checker_1,
63
+ })
64
+
65
+ CN_TEXT_2 = """
66
+ 请输入一个大于一的正整数作为问题,使回答里包含至少比它大一千的数。
67
+ """
68
+ EN_TEXT_2 = """
69
+ Please enter a positive integer greater than one as a question, so that the answer contains a number that is at least one thousand more than it.
70
+ """
71
+
72
+
73
+ def _cn_checker_2(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
74
+ try:
75
+ value = int(user_text.strip())
76
+ if value <= 1:
77
+ raise ValueError
78
+ except (TypeError, ValueError):
79
+ return False, f'输入内容{user_text!r},并非一个大于1的正整数'
80
+
81
+ for value_item in re.findall('[-+]?\d+', answer_text):
82
+ value_item = int(value_item)
83
+ if value_item >= value + 1000:
84
+ return True, f'检测到输出中数字{value_item},满足要求'
85
+
86
+ return False, f'未在输出中检测到不少于{value + 1000}的数字'
87
+
88
+
89
+ def _en_checker_2(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
90
+ try:
91
+ value = int(user_text.strip())
92
+ if value <= 1:
93
+ raise ValueError
94
+ except (TypeError, ValueError):
95
+ return False, f'You entered {user_text!r}, which is not a positive integer greater than 1'
96
+
97
+ for value_item in re.findall('[-+]?\d+', answer_text):
98
+ value_item = int(value_item)
99
+ if value_item >= value + 1000:
100
+ return True, f'Detected the number {value_item} in the output, which meets the requirement'
101
+
102
+ return False, f'Did not detect a number of at least {value + 1000} in the output'
103
+
104
+
105
+ register_question({
106
+ 'cn': CN_TEXT_2,
107
+ 'en': EN_TEXT_2,
108
+ }, checkers={
109
+ 'cn': _cn_checker_2,
110
+ 'en': _en_checker_2,
111
+ })
112
+
113
+ CN_TEXT_3 = """
114
+ 请输入一个大于一的正整数作为问题,使回答里包含至少10个不同的至少比它小一千的自然数。
115
+ """
116
+ EN_TEXT_3 = """
117
+ Please enter a positive integer greater than one as a question, so that the answer contains at least 10 different natural numbers, each of them at least 1000 less than the question.
118
+ """
119
+
120
+
121
+ def _cn_checker_3(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
122
+ try:
123
+ value = int(user_text.strip())
124
+ if value <= 1:
125
+ raise ValueError
126
+ except (TypeError, ValueError):
127
+ return False, f'输入内容{user_text!r},并非一个大于1的正整数'
128
+
129
+ collected_values = []
130
+ for value_item in re.findall('[-+]?\d+', answer_text):
131
+ value_item = int(value_item)
132
+ if value_item <= value - 1000:
133
+ collected_values.append(value_item)
134
+
135
+ collected_values = sorted(set(collected_values))
136
+ if len(collected_values) >= 10:
137
+ return True, f'检测到{len(collected_values)}个不大于{value - 1000}的数字:{collected_values!r}'
138
+ else:
139
+ return False, f'检测到{len(collected_values)}个不大于{value - 1000}的数字,未达到10个:{collected_values!r}'
140
+
141
+
142
+ def _en_checker_3(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
143
+ try:
144
+ value = int(user_text.strip())
145
+ if value <= 1:
146
+ raise ValueError
147
+ except (TypeError, ValueError):
148
+ return False, f'You entered {user_text!r}, which is not a positive integer greater than 1'
149
+
150
+ collected_values = []
151
+ for value_item in re.findall('[-+]?\d+', answer_text):
152
+ value_item = int(value_item)
153
+ if value_item <= value - 1000:
154
+ collected_values.append(value_item)
155
+
156
+ collected_values = sorted(set(collected_values))
157
+ if len(collected_values) >= 10:
158
+ return True, f'Detected {len(collected_values)} numbers not greater than {value - 1000}: {collected_values!r}'
159
+ else:
160
+ return False, f'Detected {len(collected_values)} numbers not greater than {value - 1000}, ' \
161
+ f'but it doesn\'t reach 10: {collected_values!r}'
162
+
163
+
164
+ register_question({
165
+ 'cn': CN_TEXT_3,
166
+ 'en': EN_TEXT_3,
167
+ }, checkers={
168
+ 'cn': _cn_checker_3,
169
+ 'en': _en_checker_3,
170
+ })
171
+
172
+ CN_TEXT_4 = """
173
+ 请在不提及1,4,5这三个字符的情况下让模型回答114514,不要有多余的字符。
174
+ """
175
+ EN_TEXT_4 = """
176
+ Please make the model answer "114514" without mentioning the characters 1, 4, and 5, and without any extra characters.
177
+ """
178
+
179
+
180
+ def _cn_checker_4(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
181
+ if "1" in user_text or "4" in user_text or "5" in user_text:
182
+ return False, '请不要在提问中出现1、4、5三个数字'
183
+
184
+ return answer_text.strip() == '114514', None
185
+
186
+
187
+ def _en_checker_4(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
188
+ if "1" in user_text or "4" in user_text or "5" in user_text:
189
+ return False, 'Please don\'t include the numbers 1, 4, and 5 in the question'
190
+
191
+ return answer_text.strip() == '114514', None
192
+
193
+
194
+ register_question({
195
+ 'cn': CN_TEXT_4,
196
+ 'en': EN_TEXT_4,
197
+ }, checkers={
198
+ 'cn': _cn_checker_4,
199
+ 'en': _en_checker_4,
200
+ })
201
+
202
+ CN_TEXT_5 = """
203
+ 请输入一个大于一的平方数作为问题,使回答里包含它的平方根对应的数。
204
+ """
205
+ EN_TEXT_5 = """
206
+ Please provide a square number greater than one as the question, and the answer should include the number corresponding to its square root.
207
+ """
208
+
209
+
210
+ def _cn_checker_5(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
211
+ try:
212
+ value = int(user_text.strip())
213
+ if value <= 1:
214
+ raise ValueError
215
+ if int(value ** 0.5) ** 2 != value:
216
+ raise ValueError
217
+ except (TypeError, ValueError):
218
+ return False, f'输入内容{user_text!r},并非一个大于1的平方数'
219
+
220
+ sq = int(value ** 0.5)
221
+ for value_item in re.findall('[-+]?\d+', answer_text):
222
+ value_item = int(value_item)
223
+ if value_item == sq:
224
+ return True, f'检测到平方根数{sq}'
225
+ else:
226
+ return False, f'未检测到平方根数{sq}'
227
+
228
+
229
+ def _en_checker_5(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
230
+ try:
231
+ value = int(user_text.strip())
232
+ if value <= 1:
233
+ raise ValueError
234
+ if int(value ** 0.5) ** 2 != value:
235
+ raise ValueError
236
+ except (TypeError, ValueError):
237
+ return False, f'The input, {user_text!r}, is not a square number greater than 1'
238
+
239
+ sq = int(value ** 0.5)
240
+ for value_item in re.findall('[-+]?\d+', answer_text):
241
+ value_item = int(value_item)
242
+ if value_item == sq:
243
+ return True, f'Detected square root: {sq}'
244
+ else:
245
+ return False, f'Square root {sq} not detected'
246
+
247
+
248
+ register_question({
249
+ 'cn': CN_TEXT_5,
250
+ 'en': EN_TEXT_5,
251
+ }, checkers={
252
+ 'cn': _cn_checker_5,
253
+ 'en': _en_checker_5,
254
+ })
255
+
256
+ CN_TEXT_6 = """
257
+ 请提一个不包含“狗”这个字的10个字以内的问题,使回答中“狗”这个字出现的次数至少是问题字数的2倍。
258
+ """
259
+ EN_TEXT_6 = """
260
+ Please ask a question in under 10 words without the word "dog" and ensure that the word "dog" appears at least twice in the answer for each word in the question.
261
+ """
262
+
263
+
264
+ def _cn_checker_6(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
265
+ if len(user_text) > 10:
266
+ return False, '问题不得超过10个字'
267
+ if '狗' in user_text:
268
+ return False, '问题不得包含“狗”字'
269
+
270
+ dog_count = len(re.findall('狗', answer_text))
271
+ if dog_count >= len(user_text) * 2:
272
+ return True, f'“狗”字的出现次数为{dog_count}次'
273
+ else:
274
+ return False, f'“狗”字的出现次数为{dog_count}次,未达到{len(user_text) * 2}次'
275
+
276
+
277
+ def _en_checker_6(question_text: str, user_text: str, answer_text: str) -> Tuple[bool, Optional[str]]:
278
+ q_words = re.findall(r'\w+', user_text.lower())
279
+ if len(q_words) > 10:
280
+ return False, 'The question must not exceed 10 words'
281
+ if any(word in {'dog', 'dogs'} for word in q_words):
282
+ return False, 'The question must not contain the word "dog" or "dogs"'
283
+
284
+ a_words = re.findall(r'\w+', answer_text.lower())
285
+ a_dog_count = sum(1 if word in {'dog', 'dogs'} else 0 for word in a_words)
286
+ if a_dog_count >= len(q_words) * 2:
287
+ return True, f'The word "dog" (or "dogs") appears {a_dog_count} times.'
288
+ else:
289
+ return False, f'The word "dog" (or "dogs") appears {a_dog_count} times, ' \
290
+ f'which is less than {len(q_words) * 2} times.'
291
+
292
+
293
+ register_question({
294
+ 'cn': CN_TEXT_6,
295
+ 'en': EN_TEXT_6,
296
+ }, checkers={
297
+ 'cn': _cn_checker_6,
298
+ 'en': _en_checker_6,
299
+ })
llmriddles/questions/level4.py ADDED
@@ -0,0 +1,97 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from .question import register_question
2
+ import re
3
+
4
+
5
+ def check_if_is_number(text: str):
6
+ try:
7
+ int(text)
8
+ return True
9
+ except ValueError:
10
+ return False
11
+
12
+
13
+ def get_all_numbers_in_a_sentence(text: str):
14
+ return [int(i) for i in re.findall(r'\d+', text)]
15
+
16
+
17
+ # CN_TEXT_1 = """
18
+ # 第四章第一题,请构造一个问题A,它的回复是不同于A的B,然后以B提问能再次得到A。
19
+
20
+ # 请在下面的输入框内填写你构造并点击按钮提交。
21
+ # """
22
+
23
+ # EN_TEXT_1 = """
24
+ # For the first question in chapter 4, please make a question A whose answer is B that is different from A, and then ask B to get A again.
25
+
26
+ # Please enter your query below and click the submit button
27
+ # """
28
+
29
+
30
+ # def _checker_1(question_text: str, user_text: str, answer_text: str, lang: str):
31
+ # _ = question_text, lang
32
+ # answer_text = answer_text.strip()
33
+ # user_text = user_text.strip()
34
+ # pass
35
+
36
+ # register_question({
37
+ # 'cn': CN_TEXT_1,
38
+ # 'en': EN_TEXT_1,
39
+ # }, _checker_1, level=4)
40
+
41
+
42
+ # CN_TEXT_2 = """
43
+ # 第四章第二题,
44
+
45
+ # 请在下面的输入框内填写你构造并点击按钮提交。
46
+ # """
47
+
48
+ # EN_TEXT_2 = """
49
+ # For the second question in chapter 4,
50
+
51
+ # Please enter your query below and click the submit button
52
+ # """
53
+
54
+
55
+ # def _checker_2(question_text: str, user_text: str, answer_text: str, lang: str):
56
+ # _ = question_text, lang
57
+ # answer_text = answer_text.strip()
58
+ # user_text = user_text.strip()
59
+ # pass
60
+
61
+ # register_question({
62
+ # 'cn': CN_TEXT_2,
63
+ # 'en': EN_TEXT_2,
64
+ # }, _checker_2, level=4)
65
+
66
+
67
+ CN_TEXT_3 = """
68
+ 第四章第三题(自然之密),请输入一个大于一的正整数作为问题,使回答里包含和它刚好相差1的数。
69
+
70
+ 请在下面的输入框内填写你构造并点击按钮提交。
71
+ """
72
+
73
+ EN_TEXT_3 = """
74
+ For the third question in chapter 4, please enter a positive integer greater than one as the question so that the answer contains a number that is exactly 1 different from it.
75
+
76
+ Please enter your query below and click the submit button
77
+ """
78
+
79
+
80
+ def _checker_3(question_text: str, user_text: str, answer_text: str, lang: str):
81
+ _ = question_text, lang
82
+ answer_text = answer_text.strip()
83
+ user_text = user_text.strip()
84
+ if not check_if_is_number(question_text):
85
+ return False, "问题应该是一个正整数" if lang == 'cn' else 'Question should be a positive integer.'
86
+ elif int(question_text) == 1:
87
+ return False, "问题应该是一个大于1的正整数" if lang == 'cn' else 'Question should be a positive integer greater than 1.'
88
+ elif int(question_text)-1 not in get_all_numbers_in_a_sentence(answer_text) or int(question_text)+1 not in get_all_numbers_in_a_sentence(answer_text):
89
+ return False, "回答中应该包含一个与问题相差1的数字" if lang == 'cn' else 'Answer should contain a number that is exactly 1 different from the question.'
90
+ else:
91
+ return True, None
92
+
93
+
94
+ register_question({
95
+ 'cn': CN_TEXT_3,
96
+ 'en': EN_TEXT_3,
97
+ }, _checker_3, level=4)
llmriddles/questions/level5.py ADDED
@@ -0,0 +1,56 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from .question import register_question
2
+
3
+ def count_words(text: str, contain_punctuation: bool = False):
4
+ chinese_words = []
5
+ english_words = []
6
+ other_words = []
7
+ temp_english_words = []
8
+ for char in text:
9
+ if '\u4e00' <= char <= '\u9fff':
10
+ chinese_words.append(char)
11
+ if len(temp_english_words) > 0:
12
+ english_words.append(''.join(temp_english_words))
13
+ temp_english_words = []
14
+ else:
15
+ if char.isalpha():
16
+ temp_english_words.append(char)
17
+ else:
18
+ if len(temp_english_words) > 0:
19
+ english_words.append(''.join(temp_english_words))
20
+ temp_english_words = []
21
+ other_words.append(char)
22
+ if contain_punctuation:
23
+ return len(chinese_words)+len(english_words)+len(other_words)
24
+ else:
25
+ return len(chinese_words)+len(english_words)
26
+
27
+ CN_TEXT_1 = """
28
+ 第五章第一题(口是心非)请构造一个不少于十个字的问题,使得回答中不包含问题中的任意字符。
29
+
30
+ 请在下面的输入框内填写你的提问并点击按钮提交。
31
+ """
32
+
33
+ EN_TEXT_1 = """
34
+ For the first question in chapter 5, Please construct a question of no less than ten words so that the answer does not contain any of the characters in the question.
35
+
36
+ Please enter your query below and click the submit button
37
+ """
38
+
39
+ def _checker_1(question_text: str, user_text: str, answer_text: str, lang: str):
40
+ _ = question_text, lang
41
+ answer_text = answer_text.strip()
42
+ user_text = user_text.strip()
43
+
44
+ if count_words(user_text) < 10:
45
+ return False, "用户的问题长度应该至少10个字" if lang=='cn' else 'Question should be no less than 10 words.'
46
+
47
+ if answer_text == user_text:
48
+ return True, None
49
+ else:
50
+ return False, None
51
+
52
+ register_question({
53
+ 'cn': CN_TEXT_1,
54
+ 'en': EN_TEXT_1,
55
+ }, _checker_1, level=5)
56
+
llmriddles/questions/question.py CHANGED
@@ -23,8 +23,8 @@ def register_question(text: Union[Mapping[str, str], str],
23
  if isinstance(checkers, collections.abc.Mapping):
24
  _origin_checkers = checkers
25
 
26
- def _integrated_checker(question_text: str, answer_text: str, lang: str):
27
- return _origin_checkers[lang](question_text, answer_text)
28
 
29
  checker: MultiLangCheckerTyping = _integrated_checker
30
  else:
 
23
  if isinstance(checkers, collections.abc.Mapping):
24
  _origin_checkers = checkers
25
 
26
+ def _integrated_checker(question_text: str, user_text: str, answer_text: str, lang: str):
27
+ return _origin_checkers[lang](question_text, user_text, answer_text)
28
 
29
  checker: MultiLangCheckerTyping = _integrated_checker
30
  else:
requirements.txt CHANGED
@@ -2,4 +2,7 @@ hbutils>=0.9.1
2
  tqdm
3
  requests>=2.20
4
  gradio==4.1.1
5
- openai>=1
 
 
 
 
2
  tqdm
3
  requests>=2.20
4
  gradio==4.1.1
5
+ openai>=1
6
+ sympy
7
+ flask
8
+ transformers