陈俊杰 commited on
Commit
5f37ab9
1 Parent(s): 7cd69df
app.py CHANGED
@@ -180,7 +180,11 @@ Please organize the answers in a **txt** file, where each line includes: **taskI
180
 
181
  Finally, name the file as **teamId_methods.txt** and submit it through the link below: [https://forms.gle/ctJD5tvZkYcCw7Kz9](https://forms.gle/ctJD5tvZkYcCw7Kz9)
182
 
183
- Each team can submit up to 5 times per day, and only the latest submission will be considered. The Leaderboard will be updated daily around 24:00 Beijing Time.
 
 
 
 
184
  """)
185
  elif page == "LeaderBoard":
186
  st.header("LeaderBoard")
@@ -258,7 +262,7 @@ This leaderboard is used to show the performance of the <strong>automatic evalua
258
  with tab4:
259
  st.markdown("""<p class='main-text'>Task: Non-Factoid QA; Dataset: NF_CATS</p>""", unsafe_allow_html=True)
260
  st.dataframe(df4, use_container_width=True)
261
-
262
  # 获取北京时间
263
  time_placeholder = st.empty()
264
  beijing_tz = pytz.timezone('Asia/Shanghai')
 
180
 
181
  Finally, name the file as **teamId_methods.txt** and submit it through the link below: [https://forms.gle/ctJD5tvZkYcCw7Kz9](https://forms.gle/ctJD5tvZkYcCw7Kz9)
182
 
183
+ Each team can submit up to 5 times per day, and only the latest submission will be considered.
184
+
185
+ The Leaderboard will be updated daily around 24:00 Beijing Time.
186
+
187
+ A baseline example can be found in the **baseline_example** folder, where the output folder provides a sample of the submission file content.
188
  """)
189
  elif page == "LeaderBoard":
190
  st.header("LeaderBoard")
 
262
  with tab4:
263
  st.markdown("""<p class='main-text'>Task: Non-Factoid QA; Dataset: NF_CATS</p>""", unsafe_allow_html=True)
264
  st.dataframe(df4, use_container_width=True)
265
+ st.markdown("A baseline example can be found in the **baseline_example** folder")
266
  # 获取北京时间
267
  time_placeholder = st.empty()
268
  beijing_tz = pytz.timezone('Asia/Shanghai')
baseline_example/README.md ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ The baseline_example folder provides a simple baseline implementation along with the evaluation logic for reference.
2
+
3
+ Methodology: The approach involves using chatglm3_6B to perform pointwise (5-level) evaluation on question-answer pairs.
4
+
5
+ **baseline3.py** stores the model's evaluation results in output/baseline1_chatglm3_6B.txt.
6
+
7
+ **eval.py** calculates the evaluation metrics based on the model's evaluation results and the human annotation results.
8
+
9
+ The human annotation results are temporarily hidden due to testing requirements.
baseline_example/baseline3.py ADDED
@@ -0,0 +1,172 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import zhipuai
2
+ import traceback
3
+ import pandas as pd
4
+ from tqdm import *
5
+ import re
6
+ import torch
7
+ import os
8
+ os.environ["CUDA_VISIBLE_DEVICES"] = '0,1,2'
9
+ import random
10
+ import time
11
+ from transformers import (
12
+ AutoModelForSeq2SeqLM,
13
+ AutoModelForCausalLM,
14
+ AutoTokenizer,
15
+ PreTrainedModel,
16
+ PreTrainedTokenizerBase,
17
+ )
18
+ from transformers.generation.utils import GenerationConfig
19
+
20
+ class GLM3_6B_API():
21
+ '''
22
+ GLM3_6B_API defined by yourself
23
+ '''
24
+ def __init__(self) -> None:
25
+ self.model_name_or_path = "your_model_path"
26
+ self.init = True
27
+
28
+ def chat(self, prompt) -> str:
29
+ for _ in range(5):
30
+ if self.init:
31
+ self.model = AutoModelForCausalLM.from_pretrained(
32
+ self.model_name_or_path,
33
+ trust_remote_code=True,
34
+ device_map="auto",
35
+ torch_dtype=(
36
+ torch.bfloat16
37
+ if torch.cuda.is_bf16_supported()
38
+ else torch.float32
39
+ ),
40
+ ).eval()
41
+ self.tokenizer = AutoTokenizer.from_pretrained(
42
+ self.model_name_or_path,
43
+ trust_remote_code=True,
44
+ use_fast=True,
45
+ add_bos_token=False,
46
+ add_eos_token=False,
47
+ padding_side="left",
48
+ )
49
+ self.init = False
50
+ try:
51
+ print(prompt)
52
+ response, re_history, probabilities = self.model.chat(self.tokenizer, prompt, history=[], do_sample=False)
53
+ print(response)
54
+ return response
55
+ except:
56
+ traceback.print_exc()
57
+ time.sleep(5)
58
+ continue
59
+ return None
60
+
61
+ glm3_6b = GLM3_6B_API()
62
+
63
+ def parse_num(res, min_score, max_score):
64
+ """
65
+ Extract the integers within the specified range from the evaluation result.
66
+ Input: A string
67
+ Output: A score within the specified range or exception(-1)
68
+ If no numbers appear: return -1
69
+ If a fraction appears, match the numerator; exit if it falls within the range, otherwise continue.
70
+ If "out of" appears, match the preceding number; exit if it falls within the range, otherwise continue.
71
+ Extract the first number that falls within the specified range from all appearing numbers; exit if it falls within the range, otherwise continue.
72
+ If no numbers fall within the specified range, return -1.
73
+ """
74
+ all_nums = re.findall(r"-?\d+(?:\.\d+)?", res)
75
+
76
+ probs1_nums = re.finditer(r"\b(\d+(\.\d+)?)/\d+\b" , res) # extract fraction
77
+
78
+ probs2_nums = re.finditer(r"\b(\d+(\.\d+)?)\s+out\s+of\s+\d+\b" , res) # extract "out of"
79
+
80
+ if len(all_nums) == 0:
81
+ print("this res doesn't have num! \n", res)
82
+ return -1
83
+
84
+ answer = -1
85
+
86
+ for match in probs1_nums:
87
+ answer = match.group(1)
88
+
89
+ if float(answer) >= min_score and float(answer) <= max_score:
90
+ return answer
91
+ else:
92
+ for match in probs2_nums:
93
+ answer = match.group(1)
94
+ if float(answer) >= min_score and float(answer) <= max_score:
95
+ return answer
96
+ else:
97
+ for num in all_nums:
98
+ if float(num) >= min_score and float(num) <= max_score: # the specified range
99
+ answer = num
100
+ return answer
101
+
102
+ print("this res doesn't have right num! ", res)
103
+ return -1
104
+
105
+ def get_prompt(taskId):
106
+ """
107
+ Find the corresponding prompt based on the taskId.
108
+ """
109
+ prompt = ""
110
+ if taskId == 0:
111
+ prompt = open("prompt/prompt_Dialog.txt", encoding='utf-8').read().strip()
112
+ elif taskId == 1:
113
+ prompt = open("prompt/prompt_Story.txt", encoding='utf-8').read().strip()
114
+ elif taskId == 2:
115
+ prompt = open("prompt/prompt_Xsum.txt", encoding='utf-8').read().strip()
116
+ elif taskId == 3:
117
+ prompt = open("prompt/prompt_NFCATS.txt", encoding='utf-8').read().strip()
118
+ return prompt
119
+
120
+ def get_model_score(taskId, question, answer, model):
121
+ """
122
+ pointwise 5-level as an example
123
+ """
124
+ prompt = get_prompt(taskId)
125
+ prompt = prompt.replace("{{question_text}}", question)
126
+ prompt = prompt.replace("{{answer_text}}", answer)
127
+ result = model.chat(prompt)
128
+ score = int(parse_num(result, 1, 5))
129
+ if score == -1:
130
+ score = random.randint(1,5)
131
+ return score
132
+
133
+ def get_rank(data):
134
+ """
135
+ Calculate the rankings in descending order, and for ties, assign the lowest rank. For example, the ranking for [1,1,2] would be [2,2,1].
136
+ """
137
+ series = pd.Series(data)
138
+ ranks = series.rank(method='min', ascending=False)
139
+
140
+ return list(map(int, ranks.tolist()))
141
+
142
+ def get_output(path, model):
143
+ """
144
+ Obtain the results of the test set from the specified path.
145
+ """
146
+ df = pd.read_csv(path)
147
+ row_labels = df.index
148
+
149
+ # taskId,taskName,questionId,question,answerId,answer,score,rank
150
+ model_scores = []
151
+ with open("output/baseline1_chatglm3_6B.txt", 'a') as f:
152
+ for row in tqdm(row_labels):
153
+ taskId = df.loc[row, "taskId"]
154
+ questionId = df.loc[row, "questionId"]
155
+ question = df.loc[row, "question"]
156
+ answer = df.loc[row, "answer"]
157
+
158
+ model_score = get_model_score(taskId, question, answer, model)
159
+
160
+ model_scores.append(model_score)
161
+
162
+ if len(model_scores) == 7:
163
+ ranks = get_rank(model_scores)
164
+ for i in range(7):
165
+ answerId = i
166
+ f.write(f"{taskId} {questionId} {answerId} {model_scores[i]} {ranks[i]}\n")
167
+ model_scores = []
168
+
169
+ if __name__ == '__main__':
170
+ paths = ['test/test_dialog.csv', 'test/test_NFCATS.csv', 'test/test_story.csv', 'test/test_Xsum.csv']
171
+ for path in paths[1:]:
172
+ get_output(path, glm3_6b)
baseline_example/eval.py ADDED
@@ -0,0 +1,101 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import pandas as pd
2
+ from tqdm import *
3
+ import math
4
+
5
+ import numpy as np
6
+ from scipy.stats import kendalltau, spearmanr
7
+
8
+ log_txt = open("log.txt", "a")
9
+
10
+ def calculate(human_scores, model_scores):
11
+ """
12
+ Calculate the metrics based on the model evaluation results and human annotation results for the 7 different answers to the same question.
13
+ """
14
+ acc = 0
15
+ total = 0
16
+ score = 0
17
+ for i in range(0, len(human_scores)):
18
+ for j in range(i + 1, len(human_scores)):
19
+ A_human = human_scores[i]
20
+ B_human = human_scores[j]
21
+ if A_human != B_human:
22
+ total += 1
23
+ A_model = model_scores[i]
24
+ B_model = model_scores[j]
25
+ if A_model == B_model:
26
+ score += 0.5
27
+ else:
28
+ if A_human > B_human and A_model > B_model:
29
+ score += 1
30
+ elif A_human < B_human and A_model < B_model:
31
+ score += 1
32
+ if total != 0:
33
+ acc = score / total
34
+ else:
35
+ acc = 1
36
+ x = np.array(human_scores)
37
+ y = np.array(model_scores)
38
+ kendall, kendall_p_value = kendalltau(x, y)
39
+ if math.isnan(kendall):
40
+ kendall = 0
41
+ spearman, spearman_p_value = spearmanr(x, y)
42
+ if math.isnan(spearman):
43
+ spearman = 0
44
+
45
+ return acc, abs(kendall), abs(spearman)
46
+
47
+ def eval(path):
48
+ """
49
+ Obtain the metric scores of the results from the specified path.
50
+ """
51
+ # taskId,questionId,answerId,score,rank
52
+ # Read the result file
53
+ with open(path, 'r') as file:
54
+ lines = file.readlines()
55
+ data = [line.strip().split() for line in lines]
56
+ sorted_data = sorted(data, key=lambda x: (int(x[0]), int(x[1]), int(x[2])))
57
+
58
+ # Read the human annotation file
59
+ annotations = ["output_dialog.csv", "output_story.csv", "output_Xsum.csv", "output_NFCATS.csv"]
60
+ model_scores = []
61
+ for annotation in annotations:
62
+ df = pd.read_csv(f"human_annotation/{annotation}") # hide
63
+ row_labels = df.index
64
+ test_total_num = 20 # test_set
65
+ average_acc = 0
66
+ average_kendall = 0
67
+ average_spearman = 0
68
+ now_questionId = -1
69
+ answerId = -1
70
+ for row in tqdm(row_labels):
71
+ taskId = df.loc[row, "taskId"]
72
+ questionId = df.loc[row, "questionId"]
73
+ if int(questionId) < 20 or int(questionId) > 39:
74
+ continue
75
+ human_score = df.loc[row, "score"]
76
+ answerId = (answerId + 1) % 7
77
+ model_score = sorted_data[taskId * 140 + (questionId - 20) * 7 + answerId][3]
78
+ if questionId == now_questionId:
79
+ human_scores.append(human_score)
80
+ model_scores.append(model_score)
81
+ else:
82
+ if now_questionId != -1:
83
+ acc, kendall, spearman = calculate(human_scores, model_scores)
84
+ log_txt.write(f"{now_questionId}: acc is {acc}, kendall is {kendall}, spearman is {spearman}\n")
85
+ average_acc += acc
86
+ average_kendall += kendall
87
+ average_spearman += spearman
88
+ human_scores = [human_score]
89
+ model_scores = [model_score]
90
+ now_questionId = questionId
91
+
92
+ acc, kendall, spearman = calculate(human_scores, model_scores)
93
+ log_txt.write(f"{now_questionId}: acc is {acc}, kendall is {kendall}, spearman is {spearman}\n")
94
+ average_acc += acc
95
+ average_kendall += kendall
96
+ average_spearman += spearman
97
+ log_txt.write(f"On task{taskId}, average acc is {average_acc/test_total_num}, average kendall is {average_kendall/test_total_num}, average spearman is {average_spearman/test_total_num}\n")
98
+
99
+
100
+ if __name__ == "__main__":
101
+ eval("output/baseline1_chatglm3_6B.txt")
baseline_example/output/baseline1_chatglm3_6B.txt ADDED
@@ -0,0 +1,560 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 0 20 0 3 5
2
+ 0 20 1 3 5
3
+ 0 20 2 5 1
4
+ 0 20 3 3 5
5
+ 0 20 4 5 1
6
+ 0 20 5 4 3
7
+ 0 20 6 4 3
8
+ 0 21 0 3 7
9
+ 0 21 1 4 1
10
+ 0 21 2 4 1
11
+ 0 21 3 4 1
12
+ 0 21 4 4 1
13
+ 0 21 5 4 1
14
+ 0 21 6 4 1
15
+ 0 22 0 3 6
16
+ 0 22 1 5 1
17
+ 0 22 2 4 2
18
+ 0 22 3 3 6
19
+ 0 22 4 4 2
20
+ 0 22 5 4 2
21
+ 0 22 6 4 2
22
+ 0 23 0 4 1
23
+ 0 23 1 3 7
24
+ 0 23 2 4 1
25
+ 0 23 3 4 1
26
+ 0 23 4 4 1
27
+ 0 23 5 4 1
28
+ 0 23 6 4 1
29
+ 0 24 0 3 5
30
+ 0 24 1 3 5
31
+ 0 24 2 4 1
32
+ 0 24 3 3 5
33
+ 0 24 4 4 1
34
+ 0 24 5 4 1
35
+ 0 24 6 4 1
36
+ 0 25 0 4 3
37
+ 0 25 1 4 3
38
+ 0 25 2 5 1
39
+ 0 25 3 5 1
40
+ 0 25 4 4 3
41
+ 0 25 5 4 3
42
+ 0 25 6 4 3
43
+ 0 26 0 5 1
44
+ 0 26 1 4 5
45
+ 0 26 2 5 1
46
+ 0 26 3 5 1
47
+ 0 26 4 5 1
48
+ 0 26 5 4 5
49
+ 0 26 6 4 5
50
+ 0 27 0 3 7
51
+ 0 27 1 4 1
52
+ 0 27 2 4 1
53
+ 0 27 3 4 1
54
+ 0 27 4 4 1
55
+ 0 27 5 4 1
56
+ 0 27 6 4 1
57
+ 0 28 0 4 1
58
+ 0 28 1 4 1
59
+ 0 28 2 3 6
60
+ 0 28 3 3 6
61
+ 0 28 4 4 1
62
+ 0 28 5 4 1
63
+ 0 28 6 4 1
64
+ 0 29 0 4 1
65
+ 0 29 1 3 7
66
+ 0 29 2 4 1
67
+ 0 29 3 4 1
68
+ 0 29 4 4 1
69
+ 0 29 5 4 1
70
+ 0 29 6 4 1
71
+ 0 30 0 3 5
72
+ 0 30 1 4 1
73
+ 0 30 2 4 1
74
+ 0 30 3 3 5
75
+ 0 30 4 4 1
76
+ 0 30 5 4 1
77
+ 0 30 6 3 5
78
+ 0 31 0 3 5
79
+ 0 31 1 3 5
80
+ 0 31 2 3 5
81
+ 0 31 3 4 1
82
+ 0 31 4 4 1
83
+ 0 31 5 4 1
84
+ 0 31 6 4 1
85
+ 0 32 0 4 1
86
+ 0 32 1 4 1
87
+ 0 32 2 4 1
88
+ 0 32 3 3 7
89
+ 0 32 4 4 1
90
+ 0 32 5 4 1
91
+ 0 32 6 4 1
92
+ 0 33 0 4 5
93
+ 0 33 1 4 5
94
+ 0 33 2 5 1
95
+ 0 33 3 5 1
96
+ 0 33 4 5 1
97
+ 0 33 5 4 5
98
+ 0 33 6 5 1
99
+ 0 34 0 4 2
100
+ 0 34 1 3 7
101
+ 0 34 2 5 1
102
+ 0 34 3 4 2
103
+ 0 34 4 4 2
104
+ 0 34 5 4 2
105
+ 0 34 6 4 2
106
+ 0 35 0 3 7
107
+ 0 35 1 4 1
108
+ 0 35 2 4 1
109
+ 0 35 3 4 1
110
+ 0 35 4 4 1
111
+ 0 35 5 4 1
112
+ 0 35 6 4 1
113
+ 0 36 0 3 7
114
+ 0 36 1 4 3
115
+ 0 36 2 4 3
116
+ 0 36 3 5 1
117
+ 0 36 4 4 3
118
+ 0 36 5 5 1
119
+ 0 36 6 4 3
120
+ 0 37 0 3 5
121
+ 0 37 1 3 5
122
+ 0 37 2 3 5
123
+ 0 37 3 4 1
124
+ 0 37 4 4 1
125
+ 0 37 5 4 1
126
+ 0 37 6 4 1
127
+ 0 38 0 5 1
128
+ 0 38 1 4 7
129
+ 0 38 2 5 1
130
+ 0 38 3 5 1
131
+ 0 38 4 5 1
132
+ 0 38 5 5 1
133
+ 0 38 6 5 1
134
+ 0 39 0 4 6
135
+ 0 39 1 5 1
136
+ 0 39 2 5 1
137
+ 0 39 3 5 1
138
+ 0 39 4 4 6
139
+ 0 39 5 5 1
140
+ 0 39 6 5 1
141
+ 3 20 0 4 1
142
+ 3 20 1 4 1
143
+ 3 20 2 4 1
144
+ 3 20 3 4 1
145
+ 3 20 4 4 1
146
+ 3 20 5 4 1
147
+ 3 20 6 4 1
148
+ 3 21 0 4 1
149
+ 3 21 1 4 1
150
+ 3 21 2 4 1
151
+ 3 21 3 3 7
152
+ 3 21 4 4 1
153
+ 3 21 5 4 1
154
+ 3 21 6 4 1
155
+ 3 22 0 4 1
156
+ 3 22 1 4 1
157
+ 3 22 2 4 1
158
+ 3 22 3 4 1
159
+ 3 22 4 4 1
160
+ 3 22 5 4 1
161
+ 3 22 6 4 1
162
+ 3 23 0 4 1
163
+ 3 23 1 4 1
164
+ 3 23 2 4 1
165
+ 3 23 3 3 6
166
+ 3 23 4 3 6
167
+ 3 23 5 4 1
168
+ 3 23 6 4 1
169
+ 3 24 0 5 1
170
+ 3 24 1 4 2
171
+ 3 24 2 4 2
172
+ 3 24 3 4 2
173
+ 3 24 4 4 2
174
+ 3 24 5 1 7
175
+ 3 24 6 4 2
176
+ 3 25 0 4 1
177
+ 3 25 1 4 1
178
+ 3 25 2 4 1
179
+ 3 25 3 4 1
180
+ 3 25 4 4 1
181
+ 3 25 5 4 1
182
+ 3 25 6 4 1
183
+ 3 26 0 4 1
184
+ 3 26 1 4 1
185
+ 3 26 2 4 1
186
+ 3 26 3 4 1
187
+ 3 26 4 4 1
188
+ 3 26 5 4 1
189
+ 3 26 6 4 1
190
+ 3 27 0 4 1
191
+ 3 27 1 4 1
192
+ 3 27 2 4 1
193
+ 3 27 3 4 1
194
+ 3 27 4 4 1
195
+ 3 27 5 4 1
196
+ 3 27 6 4 1
197
+ 3 28 0 4 1
198
+ 3 28 1 4 1
199
+ 3 28 2 4 1
200
+ 3 28 3 3 7
201
+ 3 28 4 4 1
202
+ 3 28 5 4 1
203
+ 3 28 6 4 1
204
+ 3 29 0 4 1
205
+ 3 29 1 4 1
206
+ 3 29 2 4 1
207
+ 3 29 3 4 1
208
+ 3 29 4 4 1
209
+ 3 29 5 4 1
210
+ 3 29 6 4 1
211
+ 3 30 0 4 1
212
+ 3 30 1 4 1
213
+ 3 30 2 4 1
214
+ 3 30 3 4 1
215
+ 3 30 4 4 1
216
+ 3 30 5 4 1
217
+ 3 30 6 4 1
218
+ 3 31 0 4 1
219
+ 3 31 1 4 1
220
+ 3 31 2 4 1
221
+ 3 31 3 4 1
222
+ 3 31 4 3 7
223
+ 3 31 5 4 1
224
+ 3 31 6 4 1
225
+ 3 32 0 4 1
226
+ 3 32 1 4 1
227
+ 3 32 2 4 1
228
+ 3 32 3 4 1
229
+ 3 32 4 4 1
230
+ 3 32 5 4 1
231
+ 3 32 6 4 1
232
+ 3 33 0 4 1
233
+ 3 33 1 4 1
234
+ 3 33 2 4 1
235
+ 3 33 3 4 1
236
+ 3 33 4 4 1
237
+ 3 33 5 4 1
238
+ 3 33 6 4 1
239
+ 3 34 0 4 1
240
+ 3 34 1 4 1
241
+ 3 34 2 4 1
242
+ 3 34 3 4 1
243
+ 3 34 4 4 1
244
+ 3 34 5 4 1
245
+ 3 34 6 4 1
246
+ 3 35 0 4 1
247
+ 3 35 1 4 1
248
+ 3 35 2 4 1
249
+ 3 35 3 4 1
250
+ 3 35 4 4 1
251
+ 3 35 5 4 1
252
+ 3 35 6 4 1
253
+ 3 36 0 4 1
254
+ 3 36 1 4 1
255
+ 3 36 2 3 6
256
+ 3 36 3 4 1
257
+ 3 36 4 1 7
258
+ 3 36 5 4 1
259
+ 3 36 6 4 1
260
+ 3 37 0 4 1
261
+ 3 37 1 4 1
262
+ 3 37 2 4 1
263
+ 3 37 3 4 1
264
+ 3 37 4 4 1
265
+ 3 37 5 4 1
266
+ 3 37 6 4 1
267
+ 3 38 0 4 1
268
+ 3 38 1 4 1
269
+ 3 38 2 4 1
270
+ 3 38 3 4 1
271
+ 3 38 4 2 7
272
+ 3 38 5 4 1
273
+ 3 38 6 4 1
274
+ 3 39 0 4 1
275
+ 3 39 1 4 1
276
+ 3 39 2 4 1
277
+ 3 39 3 4 1
278
+ 3 39 4 4 1
279
+ 3 39 5 4 1
280
+ 3 39 6 4 1
281
+ 1 20 0 4 1
282
+ 1 20 1 4 1
283
+ 1 20 2 4 1
284
+ 1 20 3 4 1
285
+ 1 20 4 4 1
286
+ 1 20 5 4 1
287
+ 1 20 6 4 1
288
+ 1 21 0 4 1
289
+ 1 21 1 4 1
290
+ 1 21 2 4 1
291
+ 1 21 3 4 1
292
+ 1 21 4 4 1
293
+ 1 21 5 4 1
294
+ 1 21 6 4 1
295
+ 1 22 0 4 1
296
+ 1 22 1 4 1
297
+ 1 22 2 4 1
298
+ 1 22 3 4 1
299
+ 1 22 4 4 1
300
+ 1 22 5 4 1
301
+ 1 22 6 4 1
302
+ 1 23 0 4 3
303
+ 1 23 1 4 3
304
+ 1 23 2 4 3
305
+ 1 23 3 4 3
306
+ 1 23 4 5 1
307
+ 1 23 5 5 1
308
+ 1 23 6 4 3
309
+ 1 24 0 4 1
310
+ 1 24 1 4 1
311
+ 1 24 2 4 1
312
+ 1 24 3 4 1
313
+ 1 24 4 4 1
314
+ 1 24 5 4 1
315
+ 1 24 6 4 1
316
+ 1 25 0 4 4
317
+ 1 25 1 4 4
318
+ 1 25 2 5 1
319
+ 1 25 3 4 4
320
+ 1 25 4 5 1
321
+ 1 25 5 4 4
322
+ 1 25 6 5 1
323
+ 1 26 0 4 1
324
+ 1 26 1 4 1
325
+ 1 26 2 4 1
326
+ 1 26 3 4 1
327
+ 1 26 4 4 1
328
+ 1 26 5 4 1
329
+ 1 26 6 4 1
330
+ 1 27 0 4 1
331
+ 1 27 1 4 1
332
+ 1 27 2 4 1
333
+ 1 27 3 4 1
334
+ 1 27 4 4 1
335
+ 1 27 5 4 1
336
+ 1 27 6 4 1
337
+ 1 28 0 4 1
338
+ 1 28 1 4 1
339
+ 1 28 2 4 1
340
+ 1 28 3 4 1
341
+ 1 28 4 4 1
342
+ 1 28 5 4 1
343
+ 1 28 6 4 1
344
+ 1 29 0 4 3
345
+ 1 29 1 4 3
346
+ 1 29 2 4 3
347
+ 1 29 3 4 3
348
+ 1 29 4 4 3
349
+ 1 29 5 5 1
350
+ 1 29 6 5 1
351
+ 1 30 0 4 1
352
+ 1 30 1 4 1
353
+ 1 30 2 4 1
354
+ 1 30 3 4 1
355
+ 1 30 4 4 1
356
+ 1 30 5 4 1
357
+ 1 30 6 4 1
358
+ 1 31 0 4 2
359
+ 1 31 1 3 7
360
+ 1 31 2 5 1
361
+ 1 31 3 4 2
362
+ 1 31 4 4 2
363
+ 1 31 5 4 2
364
+ 1 31 6 4 2
365
+ 1 32 0 4 5
366
+ 1 32 1 5 1
367
+ 1 32 2 5 1
368
+ 1 32 3 4 5
369
+ 1 32 4 5 1
370
+ 1 32 5 5 1
371
+ 1 32 6 4 5
372
+ 1 33 0 4 4
373
+ 1 33 1 4 4
374
+ 1 33 2 5 1
375
+ 1 33 3 4 4
376
+ 1 33 4 5 1
377
+ 1 33 5 4 4
378
+ 1 33 6 5 1
379
+ 1 34 0 4 1
380
+ 1 34 1 4 1
381
+ 1 34 2 4 1
382
+ 1 34 3 4 1
383
+ 1 34 4 4 1
384
+ 1 34 5 4 1
385
+ 1 34 6 4 1
386
+ 1 35 0 4 1
387
+ 1 35 1 4 1
388
+ 1 35 2 4 1
389
+ 1 35 3 4 1
390
+ 1 35 4 4 1
391
+ 1 35 5 4 1
392
+ 1 35 6 4 1
393
+ 1 36 0 4 1
394
+ 1 36 1 4 1
395
+ 1 36 2 4 1
396
+ 1 36 3 4 1
397
+ 1 36 4 4 1
398
+ 1 36 5 4 1
399
+ 1 36 6 4 1
400
+ 1 37 0 4 1
401
+ 1 37 1 4 1
402
+ 1 37 2 4 1
403
+ 1 37 3 4 1
404
+ 1 37 4 4 1
405
+ 1 37 5 4 1
406
+ 1 37 6 4 1
407
+ 1 38 0 4 2
408
+ 1 38 1 4 2
409
+ 1 38 2 5 1
410
+ 1 38 3 4 2
411
+ 1 38 4 4 2
412
+ 1 38 5 4 2
413
+ 1 38 6 4 2
414
+ 1 39 0 4 1
415
+ 1 39 1 4 1
416
+ 1 39 2 4 1
417
+ 1 39 3 4 1
418
+ 1 39 4 4 1
419
+ 1 39 5 4 1
420
+ 1 39 6 4 1
421
+ 2 20 0 4 1
422
+ 2 20 1 4 1
423
+ 2 20 2 4 1
424
+ 2 20 3 4 1
425
+ 2 20 4 4 1
426
+ 2 20 5 3 7
427
+ 2 20 6 4 1
428
+ 2 21 0 4 1
429
+ 2 21 1 4 1
430
+ 2 21 2 4 1
431
+ 2 21 3 4 1
432
+ 2 21 4 4 1
433
+ 2 21 5 4 1
434
+ 2 21 6 4 1
435
+ 2 22 0 5 1
436
+ 2 22 1 4 3
437
+ 2 22 2 4 3
438
+ 2 22 3 5 1
439
+ 2 22 4 4 3
440
+ 2 22 5 3 7
441
+ 2 22 6 4 3
442
+ 2 23 0 4 1
443
+ 2 23 1 4 1
444
+ 2 23 2 4 1
445
+ 2 23 3 4 1
446
+ 2 23 4 4 1
447
+ 2 23 5 4 1
448
+ 2 23 6 4 1
449
+ 2 24 0 4 1
450
+ 2 24 1 4 1
451
+ 2 24 2 4 1
452
+ 2 24 3 4 1
453
+ 2 24 4 3 6
454
+ 2 24 5 3 6
455
+ 2 24 6 4 1
456
+ 2 25 0 5 1
457
+ 2 25 1 4 4
458
+ 2 25 2 5 1
459
+ 2 25 3 4 4
460
+ 2 25 4 4 4
461
+ 2 25 5 4 4
462
+ 2 25 6 5 1
463
+ 2 26 0 4 1
464
+ 2 26 1 4 1
465
+ 2 26 2 4 1
466
+ 2 26 3 4 1
467
+ 2 26 4 3 7
468
+ 2 26 5 4 1
469
+ 2 26 6 4 1
470
+ 2 27 0 4 1
471
+ 2 27 1 4 1
472
+ 2 27 2 4 1
473
+ 2 27 3 4 1
474
+ 2 27 4 4 1
475
+ 2 27 5 1 7
476
+ 2 27 6 4 1
477
+ 2 28 0 4 2
478
+ 2 28 1 5 1
479
+ 2 28 2 4 2
480
+ 2 28 3 4 2
481
+ 2 28 4 4 2
482
+ 2 28 5 1 7
483
+ 2 28 6 4 2
484
+ 2 29 0 4 1
485
+ 2 29 1 4 1
486
+ 2 29 2 4 1
487
+ 2 29 3 4 1
488
+ 2 29 4 3 7
489
+ 2 29 5 4 1
490
+ 2 29 6 4 1
491
+ 2 30 0 4 1
492
+ 2 30 1 4 1
493
+ 2 30 2 4 1
494
+ 2 30 3 3 7
495
+ 2 30 4 4 1
496
+ 2 30 5 4 1
497
+ 2 30 6 4 1
498
+ 2 31 0 4 1
499
+ 2 31 1 4 1
500
+ 2 31 2 4 1
501
+ 2 31 3 4 1
502
+ 2 31 4 4 1
503
+ 2 31 5 3 7
504
+ 2 31 6 4 1
505
+ 2 32 0 4 1
506
+ 2 32 1 4 1
507
+ 2 32 2 4 1
508
+ 2 32 3 4 1
509
+ 2 32 4 4 1
510
+ 2 32 5 3 7
511
+ 2 32 6 4 1
512
+ 2 33 0 5 1
513
+ 2 33 1 5 1
514
+ 2 33 2 4 3
515
+ 2 33 3 4 3
516
+ 2 33 4 2 7
517
+ 2 33 5 4 3
518
+ 2 33 6 4 3
519
+ 2 34 0 4 1
520
+ 2 34 1 4 1
521
+ 2 34 2 4 1
522
+ 2 34 3 4 1
523
+ 2 34 4 4 1
524
+ 2 34 5 3 7
525
+ 2 34 6 4 1
526
+ 2 35 0 4 1
527
+ 2 35 1 4 1
528
+ 2 35 2 4 1
529
+ 2 35 3 4 1
530
+ 2 35 4 4 1
531
+ 2 35 5 4 1
532
+ 2 35 6 4 1
533
+ 2 36 0 5 1
534
+ 2 36 1 4 4
535
+ 2 36 2 4 4
536
+ 2 36 3 5 1
537
+ 2 36 4 4 4
538
+ 2 36 5 4 4
539
+ 2 36 6 5 1
540
+ 2 37 0 4 1
541
+ 2 37 1 4 1
542
+ 2 37 2 4 1
543
+ 2 37 3 4 1
544
+ 2 37 4 4 1
545
+ 2 37 5 4 1
546
+ 2 37 6 4 1
547
+ 2 38 0 5 1
548
+ 2 38 1 4 4
549
+ 2 38 2 5 1
550
+ 2 38 3 4 4
551
+ 2 38 4 3 7
552
+ 2 38 5 4 4
553
+ 2 38 6 5 1
554
+ 2 39 0 5 1
555
+ 2 39 1 5 1
556
+ 2 39 2 4 4
557
+ 2 39 3 4 4
558
+ 2 39 4 4 4
559
+ 2 39 5 4 4
560
+ 2 39 6 5 1
baseline_example/prompt/prompt_Dialog.txt ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ###Task: Evaluate the next sentence of a given conversation. Directly output an integer between 1 and 5 to indicate the score of this next sentence:
2
+ - 1 means the next sentence is not relevant to the conversation or gets the current speaker wrong.
3
+ - 2 means the next sentence doesn't correctly convey the speaker's intent and emotions, but it is relevant to the conversation.
4
+ - 3 means the next sentence is relevant to the conversation and reflects the speaker's intent and emotions to a lesser degree.
5
+ - 4 means the next sentence is relevant to the conversation and conveys the speaker's intent and emotions fairly well, but there is still room for improvement.
6
+ - 5 means the next sentence is relevant to the conversation and perfectly conveys the speaker's intent and emotions.
7
+
8
+ ###Conversation: {{question_text}}
9
+
10
+ ###Next Sentence: {{answer_text}}
11
+
12
+ ###Score of the next sentence:
baseline_example/prompt/prompt_NFCATS.txt ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ###Task: Evaluate the answer of a given question. Directly output an integer between 1 and 5 to indicate the score of this answer:
2
+ - 1 means the answer is irrelevant to the question,
3
+ - 2 means the answer is related to the question, but does not solve the question,
4
+ - 3 means the answer only solves a part of the question,
5
+ - 4 means the answer solve majority aspects of the question, but not perfect,
6
+ - 5 means the answer is perfect to solve the question
7
+
8
+ ###Question: {{question_text}}
9
+
10
+ ###Answer: {{answer_text}}
11
+
12
+ ###Score of the answer:
baseline_example/prompt/prompt_Story.txt ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ###Task: Evaluate the story of a given prompt. Directly output an integer between 1 and 5 to indicate the score of this story:
2
+ - 1 means the story is not inspired by the prompt, or has extremely obvious errors in terms of fluency or logic.
3
+ - 2 means the story is inspired by the prompt, but has some flaws in fluency or logic.
4
+ - 3 means the story is only a fair story inspired by the prompt considering fluency and logic.
5
+ - 4 means the story is a good story inspired by the prompt but still has room for improvement in fluency and logic.
6
+ - 5 means the story is a perfect story of the prompt considering fluency and logic.
7
+
8
+ ###Prompt: {{question_text}}
9
+
10
+ ###Story: {{answer_text}}
11
+
12
+ ###Score of the story:
baseline_example/prompt/prompt_Xsum.txt ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ###Task: Evaluate the summary of a given passage and determine how it summarizes the main points of the passage considering accuracy and conciseness. Directly output a number between 1 and 5 to indicate the quality score of this summary:
2
+ - 1 means the summary is not relevant to the passage,
3
+ - 2 means the summary is neither accurate nor concise but it is relevant to the passage,
4
+ - 3 means the summary is only a fair summary of the passage considering accuracy and conciseness,
5
+ - 4 means the summary is a good summary of the passage but still has room for improvement in accuracy and conciseness,
6
+ - 5 means the summary is a perfect summary of the passage considering accuracy and conciseness.
7
+
8
+ ###Passage: {{question_text}}
9
+
10
+ ###Summary: {{answer_text}}
11
+
12
+ ###Score of the summary:
baseline_example/test/test_NFCATS.csv ADDED
The diff for this file is too large to render. See raw diff
 
baseline_example/test/test_Xsum.csv ADDED
The diff for this file is too large to render. See raw diff
 
baseline_example/test/test_dialog.csv ADDED
@@ -0,0 +1,978 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ taskId,taskName,questionId,question,answerId,answer,score,rank
2
+ 0,dialog,20,"person1: Do you take in students ? I've been told you might have a vacant room .
3
+ person2: Yes . If you don't mind sharing room with someone else , there's one available .
4
+ person1: How much are you asking ?
5
+ person2: 800 Yuan a month .
6
+ person1: Could I have a look at it , please ?",0,"person2: Sure , I'll show you the room .",,
7
+ 0,dialog,20,"person1: Do you take in students ? I've been told you might have a vacant room .
8
+ person2: Yes . If you don't mind sharing room with someone else , there's one available .
9
+ person1: How much are you asking ?
10
+ person2: 800 Yuan a month .
11
+ person1: Could I have a look at it , please ?",1,person1: Is it okay if I come and see it ?,,
12
+ 0,dialog,20,"person1: Do you take in students ? I've been told you might have a vacant room .
13
+ person2: Yes . If you don't mind sharing room with someone else , there's one available .
14
+ person1: How much are you asking ?
15
+ person2: 800 Yuan a month .
16
+ person1: Could I have a look at it , please ?",2,"person2: Of course , I'll show you the room right away .",,
17
+ 0,dialog,20,"person1: Do you take in students ? I've been told you might have a vacant room .
18
+ person2: Yes . If you don't mind sharing room with someone else , there's one available .
19
+ person1: How much are you asking ?
20
+ person2: 800 Yuan a month .
21
+ person1: Could I have a look at it , please ?",3,"person2: Sure, let me show you around.",,
22
+ 0,dialog,20,"person1: Do you take in students ? I've been told you might have a vacant room .
23
+ person2: Yes . If you don't mind sharing room with someone else , there's one available .
24
+ person1: How much are you asking ?
25
+ person2: 800 Yuan a month .
26
+ person1: Could I have a look at it , please ?",4,"person2: Of course , let me show you the room .",,
27
+ 0,dialog,20,"person1: Do you take in students ? I've been told you might have a vacant room .
28
+ person2: Yes . If you don't mind sharing room with someone else , there's one available .
29
+ person1: How much are you asking ?
30
+ person2: 800 Yuan a month .
31
+ person1: Could I have a look at it , please ?",5,"person2: Of course! Just let me grab the keys, and I’ll show you the room right now.",,
32
+ 0,dialog,20,"person1: Do you take in students ? I've been told you might have a vacant room .
33
+ person2: Yes . If you don't mind sharing room with someone else , there's one available .
34
+ person1: How much are you asking ?
35
+ person2: 800 Yuan a month .
36
+ person1: Could I have a look at it , please ?",6,"person2: Sure, come this way. I'll show you the room and you can decide if it suits you.",,
37
+ 0,dialog,21,"person1: Would you like to go skating with me this afternoon ?
38
+ person2: Oh , I'd love to . But we're going to clean our dormitory . I can't be absent .
39
+ person1: Maybe another time . People say that boys ' dormitories are in a mess , is it true ?
40
+ person2: In fact , our dormitory is much worse than they can be described .
41
+ person1: It's hard for me to imagine . How can you stand that ?
42
+ person2: You'll get used to it gradually .
43
+ person1: Oh my God , don't you know that such living environment is not healthy ?
44
+ person2: Yes , we do . That's why we have a cleaning every three months .",0,"""I'm sorry, but I have to study for my exams. I can't go out today.""",,
45
+ 0,dialog,21,"person1: Would you like to go skating with me this afternoon ?
46
+ person2: Oh , I'd love to . But we're going to clean our dormitory . I can't be absent .
47
+ person1: Maybe another time . People say that boys ' dormitories are in a mess , is it true ?
48
+ person2: In fact , our dormitory is much worse than they can be described .
49
+ person1: It's hard for me to imagine . How can you stand that ?
50
+ person2: You'll get used to it gradually .
51
+ person1: Oh my God , don't you know that such living environment is not healthy ?
52
+ person2: Yes , we do . That's why we have a cleaning every three months .",1,person2: It's a must-do to keep our dormitory clean and tidy .,,
53
+ 0,dialog,21,"person1: Would you like to go skating with me this afternoon ?
54
+ person2: Oh , I'd love to . But we're going to clean our dormitory . I can't be absent .
55
+ person1: Maybe another time . People say that boys ' dormitories are in a mess , is it true ?
56
+ person2: In fact , our dormitory is much worse than they can be described .
57
+ person1: It's hard for me to imagine . How can you stand that ?
58
+ person2: You'll get used to it gradually .
59
+ person1: Oh my God , don't you know that such living environment is not healthy ?
60
+ person2: Yes , we do . That's why we have a cleaning every three months .",2,"person1: Well, at least it's good to see that you're taking steps to improve the situation.",,
61
+ 0,dialog,21,"person1: Would you like to go skating with me this afternoon ?
62
+ person2: Oh , I'd love to . But we're going to clean our dormitory . I can't be absent .
63
+ person1: Maybe another time . People say that boys ' dormitories are in a mess , is it true ?
64
+ person2: In fact , our dormitory is much worse than they can be described .
65
+ person1: It's hard for me to imagine . How can you stand that ?
66
+ person2: You'll get used to it gradually .
67
+ person1: Oh my God , don't you know that such living environment is not healthy ?
68
+ person2: Yes , we do . That's why we have a cleaning every three months .",3,"person1: I think it's a good thing that you're doing, cleaning the dormitory.",,
69
+ 0,dialog,21,"person1: Would you like to go skating with me this afternoon ?
70
+ person2: Oh , I'd love to . But we're going to clean our dormitory . I can't be absent .
71
+ person1: Maybe another time . People say that boys ' dormitories are in a mess , is it true ?
72
+ person2: In fact , our dormitory is much worse than they can be described .
73
+ person1: It's hard for me to imagine . How can you stand that ?
74
+ person2: You'll get used to it gradually .
75
+ person1: Oh my God , don't you know that such living environment is not healthy ?
76
+ person2: Yes , we do . That's why we have a cleaning every three months .",4,"person1: That's a good idea, it will help keep the dormitory clean and hygienic.",,
77
+ 0,dialog,21,"person1: Would you like to go skating with me this afternoon ?
78
+ person2: Oh , I'd love to . But we're going to clean our dormitory . I can't be absent .
79
+ person1: Maybe another time . People say that boys ' dormitories are in a mess , is it true ?
80
+ person2: In fact , our dormitory is much worse than they can be described .
81
+ person1: It's hard for me to imagine . How can you stand that ?
82
+ person2: You'll get used to it gradually .
83
+ person1: Oh my God , don't you know that such living environment is not healthy ?
84
+ person2: Yes , we do . That's why we have a cleaning every three months .",5,"person1: I can't believe you only clean that infrequently; it seems like a breeding ground for germs and dust, which can't be good for anyone's health or wellbeing!",,
85
+ 0,dialog,21,"person1: Would you like to go skating with me this afternoon ?
86
+ person2: Oh , I'd love to . But we're going to clean our dormitory . I can't be absent .
87
+ person1: Maybe another time . People say that boys ' dormitories are in a mess , is it true ?
88
+ person2: In fact , our dormitory is much worse than they can be described .
89
+ person1: It's hard for me to imagine . How can you stand that ?
90
+ person2: You'll get used to it gradually .
91
+ person1: Oh my God , don't you know that such living environment is not healthy ?
92
+ person2: Yes , we do . That's why we have a cleaning every three months .",6,person1: Every three months doesn't seem frequent enough to maintain a healthy and clean living space for everyone.,,
93
+ 0,dialog,22,"person1: Good morning . Welcome to Time After Time Watches .
94
+ person2: I'd like to buy a watch .
95
+ person1: Well , you've come to the right place . What kind of watch are you looking for ?
96
+ person2: Well , I'm not sure . Let's see . How much is this one ?
97
+ person1: Hmm ... This Rolex ? $ 1,000 .
98
+ person2: Oh . I don't think I can afford that . How about this one ?
99
+ person1: This one is $ 500 .",0,person2: I'd like to buy a watch.,,
100
+ 0,dialog,22,"person1: Good morning . Welcome to Time After Time Watches .
101
+ person2: I'd like to buy a watch .
102
+ person1: Well , you've come to the right place . What kind of watch are you looking for ?
103
+ person2: Well , I'm not sure . Let's see . How much is this one ?
104
+ person1: Hmm ... This Rolex ? $ 1,000 .
105
+ person2: Oh . I don't think I can afford that . How about this one ?
106
+ person1: This one is $ 500 .",1,person2: That one looks nice . I'll take it .,,
107
+ 0,dialog,22,"person1: Good morning . Welcome to Time After Time Watches .
108
+ person2: I'd like to buy a watch .
109
+ person1: Well , you've come to the right place . What kind of watch are you looking for ?
110
+ person2: Well , I'm not sure . Let's see . How much is this one ?
111
+ person1: Hmm ... This Rolex ? $ 1,000 .
112
+ person2: Oh . I don't think I can afford that . How about this one ?
113
+ person1: This one is $ 500 .",2,person2: That's more affordable. How about the features and quality?,,
114
+ 0,dialog,22,"person1: Good morning . Welcome to Time After Time Watches .
115
+ person2: I'd like to buy a watch .
116
+ person1: Well , you've come to the right place . What kind of watch are you looking for ?
117
+ person2: Well , I'm not sure . Let's see . How much is this one ?
118
+ person1: Hmm ... This Rolex ? $ 1,000 .
119
+ person2: Oh . I don't think I can afford that . How about this one ?
120
+ person1: This one is $ 500 .",3,person2: Can I see the other watches you have?,,
121
+ 0,dialog,22,"person1: Good morning . Welcome to Time After Time Watches .
122
+ person2: I'd like to buy a watch .
123
+ person1: Well , you've come to the right place . What kind of watch are you looking for ?
124
+ person2: Well , I'm not sure . Let's see . How much is this one ?
125
+ person1: Hmm ... This Rolex ? $ 1,000 .
126
+ person2: Oh . I don't think I can afford that . How about this one ?
127
+ person1: This one is $ 500 .",4,"person2: That sounds more like it, can I try it on?",,
128
+ 0,dialog,22,"person1: Good morning . Welcome to Time After Time Watches .
129
+ person2: I'd like to buy a watch .
130
+ person1: Well , you've come to the right place . What kind of watch are you looking for ?
131
+ person2: Well , I'm not sure . Let's see . How much is this one ?
132
+ person1: Hmm ... This Rolex ? $ 1,000 .
133
+ person2: Oh . I don't think I can afford that . How about this one ?
134
+ person1: This one is $ 500 .",5,person2: That still seems a bit pricey for me; do you have any other options that are more affordable?,,
135
+ 0,dialog,22,"person1: Good morning . Welcome to Time After Time Watches .
136
+ person2: I'd like to buy a watch .
137
+ person1: Well , you've come to the right place . What kind of watch are you looking for ?
138
+ person2: Well , I'm not sure . Let's see . How much is this one ?
139
+ person1: Hmm ... This Rolex ? $ 1,000 .
140
+ person2: Oh . I don't think I can afford that . How about this one ?
141
+ person1: This one is $ 500 .",6,person2: That’s still a bit over my budget. Do you have any reliable brands that are more affordable?,,
142
+ 0,dialog,23,"person1: Mom , did you see Andy's dog ?
143
+ person2: Honey , don't tell me that you want a pet dog also .
144
+ person1: Mom , please . Can I have a pet dog like Andy's ?
145
+ person2: Honey , you know , we don't have enough room for a pet dog .
146
+ person1: Mom , we can keep it on the balcony , right ?",0,person2: We can't keep a pet dog on the balcony . It's not safe for the dog and it's not allowed by the society rules.,,
147
+ 0,dialog,23,"person1: Mom , did you see Andy's dog ?
148
+ person2: Honey , don't tell me that you want a pet dog also .
149
+ person1: Mom , please . Can I have a pet dog like Andy's ?
150
+ person2: Honey , you know , we don't have enough room for a pet dog .
151
+ person1: Mom , we can keep it on the balcony , right ?",1,"person2: I'm sorry, but it's not a good idea to have a dog on the balcony.",,
152
+ 0,dialog,23,"person1: Mom , did you see Andy's dog ?
153
+ person2: Honey , don't tell me that you want a pet dog also .
154
+ person1: Mom , please . Can I have a pet dog like Andy's ?
155
+ person2: Honey , you know , we don't have enough room for a pet dog .
156
+ person1: Mom , we can keep it on the balcony , right ?",2,person2: Let's discuss it together and see if it's a good idea.,,
157
+ 0,dialog,23,"person1: Mom , did you see Andy's dog ?
158
+ person2: Honey , don't tell me that you want a pet dog also .
159
+ person1: Mom , please . Can I have a pet dog like Andy's ?
160
+ person2: Honey , you know , we don't have enough room for a pet dog .
161
+ person1: Mom , we can keep it on the balcony , right ?",3,"person2: Honey , we can't keep it on the balcony , it's too cold and windy there .",,
162
+ 0,dialog,23,"person1: Mom , did you see Andy's dog ?
163
+ person2: Honey , don't tell me that you want a pet dog also .
164
+ person1: Mom , please . Can I have a pet dog like Andy's ?
165
+ person2: Honey , you know , we don't have enough room for a pet dog .
166
+ person1: Mom , we can keep it on the balcony , right ?",4,"person2: But, honey, taking care of a dog is a big responsibility.",,
167
+ 0,dialog,23,"person1: Mom , did you see Andy's dog ?
168
+ person2: Honey , don't tell me that you want a pet dog also .
169
+ person1: Mom , please . Can I have a pet dog like Andy's ?
170
+ person2: Honey , you know , we don't have enough room for a pet dog .
171
+ person1: Mom , we can keep it on the balcony , right ?",5,"person2: I appreciate your enthusiasm, but a dog needs more space and care than just a balcony can provide, sweetheart.",,
172
+ 0,dialog,23,"person1: Mom , did you see Andy's dog ?
173
+ person2: Honey , don't tell me that you want a pet dog also .
174
+ person1: Mom , please . Can I have a pet dog like Andy's ?
175
+ person2: Honey , you know , we don't have enough room for a pet dog .
176
+ person1: Mom , we can keep it on the balcony , right ?",6,"Honey, the balcony is not a suitable place for a dog to live comfortably long-term.",,
177
+ 0,dialog,24,"person1: All right , let's see who's ruining my TV time .
178
+ person2: What are you going to do ? Call my boss and chew him out ?
179
+ person1: Is your boss named Vic ? Your pager says , This is Vic . Here I come !
180
+ person2: Impossible . My pager is really old . It doesn't display messages .
181
+ person1: Here , see for yourself . That's really strange !",0,person2: I'm not sure if my pager is working properly.,,
182
+ 0,dialog,24,"person1: All right , let's see who's ruining my TV time .
183
+ person2: What are you going to do ? Call my boss and chew him out ?
184
+ person1: Is your boss named Vic ? Your pager says , This is Vic . Here I come !
185
+ person2: Impossible . My pager is really old . It doesn't display messages .
186
+ person1: Here , see for yourself . That's really strange !",1,person2: I can't believe this . My boss is always calling me at the wrong time .,,
187
+ 0,dialog,24,"person1: All right , let's see who's ruining my TV time .
188
+ person2: What are you going to do ? Call my boss and chew him out ?
189
+ person1: Is your boss named Vic ? Your pager says , This is Vic . Here I come !
190
+ person2: Impossible . My pager is really old . It doesn't display messages .
191
+ person1: Here , see for yourself . That's really strange !",2,"person1: Well, I guess it wasn't you after all. Maybe it's someone else ruining my TV time.",,
192
+ 0,dialog,24,"person1: All right , let's see who's ruining my TV time .
193
+ person2: What are you going to do ? Call my boss and chew him out ?
194
+ person1: Is your boss named Vic ? Your pager says , This is Vic . Here I come !
195
+ person2: Impossible . My pager is really old . It doesn't display messages .
196
+ person1: Here , see for yourself . That's really strange !",3,person2: I'll have to check my messages later . I'm in a meeting right now .,,
197
+ 0,dialog,24,"person1: All right , let's see who's ruining my TV time .
198
+ person2: What are you going to do ? Call my boss and chew him out ?
199
+ person1: Is your boss named Vic ? Your pager says , This is Vic . Here I come !
200
+ person2: Impossible . My pager is really old . It doesn't display messages .
201
+ person1: Here , see for yourself . That's really strange !",4,"person2: Wait, let me get a closer look. Oh, I see what you're talking about. That's not normal.",,
202
+ 0,dialog,24,"person1: All right , let's see who's ruining my TV time .
203
+ person2: What are you going to do ? Call my boss and chew him out ?
204
+ person1: Is your boss named Vic ? Your pager says , This is Vic . Here I come !
205
+ person2: Impossible . My pager is really old . It doesn't display messages .
206
+ person1: Here , see for yourself . That's really strange !",5,"person2: You know, I actually kind of like it this way; it keeps me from getting distracted by constant notifications during my favorite shows and movies.",,
207
+ 0,dialog,24,"person1: All right , let's see who's ruining my TV time .
208
+ person2: What are you going to do ? Call my boss and chew him out ?
209
+ person1: Is your boss named Vic ? Your pager says , This is Vic . Here I come !
210
+ person2: Impossible . My pager is really old . It doesn't display messages .
211
+ person1: Here , see for yourself . That's really strange !",6,person2: Did you change the settings on my pager? It's never been able to do that before.,,
212
+ 0,dialog,25,"person1: My wife is sick , so I have to cancel a reservation I made .
213
+ person2: If you'll just give me your name , phone , and date of visit , I can cancel your reservation .
214
+ person1: I'm Rudy Randolph at 818-555-1234 , April ninth to the fifteenth .
215
+ person2: Mr . Randolph . Okay , one second , sir , and there you go . Your reservation is now cancelled .
216
+ person1: I wish everything in life was so simple . Thank you .",0,"""I'm sorry to hear that, Mr. Randolph. Is there anything I can do to help?""",,
217
+ 0,dialog,25,"person1: My wife is sick , so I have to cancel a reservation I made .
218
+ person2: If you'll just give me your name , phone , and date of visit , I can cancel your reservation .
219
+ person1: I'm Rudy Randolph at 818-555-1234 , April ninth to the fifteenth .
220
+ person2: Mr . Randolph . Okay , one second , sir , and there you go . Your reservation is now cancelled .
221
+ person1: I wish everything in life was so simple . Thank you .",1,"person2: Sometimes it feels that way, but with a bit of planning and organization, life can be very simple.",,
222
+ 0,dialog,25,"person1: My wife is sick , so I have to cancel a reservation I made .
223
+ person2: If you'll just give me your name , phone , and date of visit , I can cancel your reservation .
224
+ person1: I'm Rudy Randolph at 818-555-1234 , April ninth to the fifteenth .
225
+ person2: Mr . Randolph . Okay , one second , sir , and there you go . Your reservation is now cancelled .
226
+ person1: I wish everything in life was so simple . Thank you .",2,"person2: You're welcome, Mr. Randolph. I hope your wife feels better soon.",,
227
+ 0,dialog,25,"person1: My wife is sick , so I have to cancel a reservation I made .
228
+ person2: If you'll just give me your name , phone , and date of visit , I can cancel your reservation .
229
+ person1: I'm Rudy Randolph at 818-555-1234 , April ninth to the fifteenth .
230
+ person2: Mr . Randolph . Okay , one second , sir , and there you go . Your reservation is now cancelled .
231
+ person1: I wish everything in life was so simple . Thank you .",3,"person2: You're welcome , Mr. Randolph . Have a good day .",,
232
+ 0,dialog,25,"person1: My wife is sick , so I have to cancel a reservation I made .
233
+ person2: If you'll just give me your name , phone , and date of visit , I can cancel your reservation .
234
+ person1: I'm Rudy Randolph at 818-555-1234 , April ninth to the fifteenth .
235
+ person2: Mr . Randolph . Okay , one second , sir , and there you go . Your reservation is now cancelled .
236
+ person1: I wish everything in life was so simple . Thank you .",4,"person2: You're welcome, Mr. Randolph. If your wife needs any assistance, please don't hesitate to call us.",,
237
+ 0,dialog,25,"person1: My wife is sick , so I have to cancel a reservation I made .
238
+ person2: If you'll just give me your name , phone , and date of visit , I can cancel your reservation .
239
+ person1: I'm Rudy Randolph at 818-555-1234 , April ninth to the fifteenth .
240
+ person2: Mr . Randolph . Okay , one second , sir , and there you go . Your reservation is now cancelled .
241
+ person1: I wish everything in life was so simple . Thank you .",5,"person2: I understand, Rudy. Sometimes we just need a little help to make things easier; let me know if there's anything else I can assist you with today.",,
242
+ 0,dialog,25,"person1: My wife is sick , so I have to cancel a reservation I made .
243
+ person2: If you'll just give me your name , phone , and date of visit , I can cancel your reservation .
244
+ person1: I'm Rudy Randolph at 818-555-1234 , April ninth to the fifteenth .
245
+ person2: Mr . Randolph . Okay , one second , sir , and there you go . Your reservation is now cancelled .
246
+ person1: I wish everything in life was so simple . Thank you .",6,"person2: I'm glad I could help. If you need to make a future reservation, please feel free to contact us anytime.",,
247
+ 0,dialog,26,"person1: Bobby ! Come here , look what I got you !
248
+ person2: What is that ?
249
+ person1: A chess board ! Daddy is going to teach you how to play !
250
+ person2: Cool !
251
+ person1: Ok , each player gets 16 pieces . You can be the white ones and I ' ll play with the black pieces . Now in the front , you set up the pawns . Those are the least valuable pieces and can only move one space forward . When you are about to capture another piece , it can move one space diagonally .
252
+ person2: What about all these other pieces ?
253
+ person1: See this one that looks like a tower ? It ' s called the rook . The one with the tall hat is called the bishop . See this little horsey ? This is called the knight , it ' s a very important piece so it ' s best to not let your opponent capture it .
254
+ person2: And these two ? They are husband and wife ?
255
+ person1: That ' s right ! That ' s the queen and that ' s the king . If the other player captures your king , he will say ” Check Mate ” and the game is over ! Doesn ' t this sound fun ?",0,"person2: I can't wait to play with you, Daddy!",,
256
+ 0,dialog,26,"person1: Bobby ! Come here , look what I got you !
257
+ person2: What is that ?
258
+ person1: A chess board ! Daddy is going to teach you how to play !
259
+ person2: Cool !
260
+ person1: Ok , each player gets 16 pieces . You can be the white ones and I ' ll play with the black pieces . Now in the front , you set up the pawns . Those are the least valuable pieces and can only move one space forward . When you are about to capture another piece , it can move one space diagonally .
261
+ person2: What about all these other pieces ?
262
+ person1: See this one that looks like a tower ? It ' s called the rook . The one with the tall hat is called the bishop . See this little horsey ? This is called the knight , it ' s a very important piece so it ' s best to not let your opponent capture it .
263
+ person2: And these two ? They are husband and wife ?
264
+ person1: That ' s right ! That ' s the queen and that ' s the king . If the other player captures your king , he will say ” Check Mate ” and the game is over ! Doesn ' t this sound fun ?",1,"person2: So , what 's your favorite piece to play with ?",,
265
+ 0,dialog,26,"person1: Bobby ! Come here , look what I got you !
266
+ person2: What is that ?
267
+ person1: A chess board ! Daddy is going to teach you how to play !
268
+ person2: Cool !
269
+ person1: Ok , each player gets 16 pieces . You can be the white ones and I ' ll play with the black pieces . Now in the front , you set up the pawns . Those are the least valuable pieces and can only move one space forward . When you are about to capture another piece , it can move one space diagonally .
270
+ person2: What about all these other pieces ?
271
+ person1: See this one that looks like a tower ? It ' s called the rook . The one with the tall hat is called the bishop . See this little horsey ? This is called the knight , it ' s a very important piece so it ' s best to not let your opponent capture it .
272
+ person2: And these two ? They are husband and wife ?
273
+ person1: That ' s right ! That ' s the queen and that ' s the king . If the other player captures your king , he will say ” Check Mate ” and the game is over ! Doesn ' t this sound fun ?",2,"person2: Yes, it does sound fun! Let's start the game!",,
274
+ 0,dialog,26,"person1: Bobby ! Come here , look what I got you !
275
+ person2: What is that ?
276
+ person1: A chess board ! Daddy is going to teach you how to play !
277
+ person2: Cool !
278
+ person1: Ok , each player gets 16 pieces . You can be the white ones and I ' ll play with the black pieces . Now in the front , you set up the pawns . Those are the least valuable pieces and can only move one space forward . When you are about to capture another piece , it can move one space diagonally .
279
+ person2: What about all these other pieces ?
280
+ person1: See this one that looks like a tower ? It ' s called the rook . The one with the tall hat is called the bishop . See this little horsey ? This is called the knight , it ' s a very important piece so it ' s best to not let your opponent capture it .
281
+ person2: And these two ? They are husband and wife ?
282
+ person1: That ' s right ! That ' s the queen and that ' s the king . If the other player captures your king , he will say ” Check Mate ” and the game is over ! Doesn ' t this sound fun ?",3,person2: I can ' t wait to play !,,
283
+ 0,dialog,26,"person1: Bobby ! Come here , look what I got you !
284
+ person2: What is that ?
285
+ person1: A chess board ! Daddy is going to teach you how to play !
286
+ person2: Cool !
287
+ person1: Ok , each player gets 16 pieces . You can be the white ones and I ' ll play with the black pieces . Now in the front , you set up the pawns . Those are the least valuable pieces and can only move one space forward . When you are about to capture another piece , it can move one space diagonally .
288
+ person2: What about all these other pieces ?
289
+ person1: See this one that looks like a tower ? It ' s called the rook . The one with the tall hat is called the bishop . See this little horsey ? This is called the knight , it ' s a very important piece so it ' s best to not let your opponent capture it .
290
+ person2: And these two ? They are husband and wife ?
291
+ person1: That ' s right ! That ' s the queen and that ' s the king . If the other player captures your king , he will say ” Check Mate ” and the game is over ! Doesn ' t this sound fun ?",4,"person2: Yes, it sounds really exciting! I can't wait to learn how to play chess with you, Bobby!",,
292
+ 0,dialog,26,"person1: Bobby ! Come here , look what I got you !
293
+ person2: What is that ?
294
+ person1: A chess board ! Daddy is going to teach you how to play !
295
+ person2: Cool !
296
+ person1: Ok , each player gets 16 pieces . You can be the white ones and I ' ll play with the black pieces . Now in the front , you set up the pawns . Those are the least valuable pieces and can only move one space forward . When you are about to capture another piece , it can move one space diagonally .
297
+ person2: What about all these other pieces ?
298
+ person1: See this one that looks like a tower ? It ' s called the rook . The one with the tall hat is called the bishop . See this little horsey ? This is called the knight , it ' s a very important piece so it ' s best to not let your opponent capture it .
299
+ person2: And these two ? They are husband and wife ?
300
+ person1: That ' s right ! That ' s the queen and that ' s the king . If the other player captures your king , he will say ” Check Mate ” and the game is over ! Doesn ' t this sound fun ?",5,"person2: Yes, it sounds really fun! I can't wait to play and learn all the strategies to beat you at this game.",,
301
+ 0,dialog,26,"person1: Bobby ! Come here , look what I got you !
302
+ person2: What is that ?
303
+ person1: A chess board ! Daddy is going to teach you how to play !
304
+ person2: Cool !
305
+ person1: Ok , each player gets 16 pieces . You can be the white ones and I ' ll play with the black pieces . Now in the front , you set up the pawns . Those are the least valuable pieces and can only move one space forward . When you are about to capture another piece , it can move one space diagonally .
306
+ person2: What about all these other pieces ?
307
+ person1: See this one that looks like a tower ? It ' s called the rook . The one with the tall hat is called the bishop . See this little horsey ? This is called the knight , it ' s a very important piece so it ' s best to not let your opponent capture it .
308
+ person2: And these two ? They are husband and wife ?
309
+ person1: That ' s right ! That ' s the queen and that ' s the king . If the other player captures your king , he will say ” Check Mate ” and the game is over ! Doesn ' t this sound fun ?",6,"person2: It does sound fun, but what happens if my king is in danger but not captured yet?",,
310
+ 0,dialog,27,"person1: Do you have any year-end benefits ?
311
+ person2: I don ' t know till now .
312
+ person1: I just saw a piece of news , that a group of white color workers hold a flour war in the office because of dissatisfaction of the year-end benefits .
313
+ person2: Why they hold a flour war ?
314
+ person1: They got rice , flour and oil as presents , while the leadership got 1000 yuan shopping card .
315
+ person2: They are not feeling satisfied ?
316
+ person1: It is said that the presents they got value less than 200 yuan , and it is no use for them at all , because they don't cook by themselves .",0,person2: I heard that the white color workers are not satisfied with the year-end benefits.,,
317
+ 0,dialog,27,"person1: Do you have any year-end benefits ?
318
+ person2: I don ' t know till now .
319
+ person1: I just saw a piece of news , that a group of white color workers hold a flour war in the office because of dissatisfaction of the year-end benefits .
320
+ person2: Why they hold a flour war ?
321
+ person1: They got rice , flour and oil as presents , while the leadership got 1000 yuan shopping card .
322
+ person2: They are not feeling satisfied ?
323
+ person1: It is said that the presents they got value less than 200 yuan , and it is no use for them at all , because they don't cook by themselves .",1,person2: I see. That sounds pretty unfair.,,
324
+ 0,dialog,27,"person1: Do you have any year-end benefits ?
325
+ person2: I don ' t know till now .
326
+ person1: I just saw a piece of news , that a group of white color workers hold a flour war in the office because of dissatisfaction of the year-end benefits .
327
+ person2: Why they hold a flour war ?
328
+ person1: They got rice , flour and oil as presents , while the leadership got 1000 yuan shopping card .
329
+ person2: They are not feeling satisfied ?
330
+ person1: It is said that the presents they got value less than 200 yuan , and it is no use for them at all , because they don't cook by themselves .",2,person2: That's really unfair! They should at least get presents that are useful to them.,,
331
+ 0,dialog,27,"person1: Do you have any year-end benefits ?
332
+ person2: I don ' t know till now .
333
+ person1: I just saw a piece of news , that a group of white color workers hold a flour war in the office because of dissatisfaction of the year-end benefits .
334
+ person2: Why they hold a flour war ?
335
+ person1: They got rice , flour and oil as presents , while the leadership got 1000 yuan shopping card .
336
+ person2: They are not feeling satisfied ?
337
+ person1: It is said that the presents they got value less than 200 yuan , and it is no use for them at all , because they don't cook by themselves .",3,person2: So they are not satisfied with the year-end benefits?,,
338
+ 0,dialog,27,"person1: Do you have any year-end benefits ?
339
+ person2: I don ' t know till now .
340
+ person1: I just saw a piece of news , that a group of white color workers hold a flour war in the office because of dissatisfaction of the year-end benefits .
341
+ person2: Why they hold a flour war ?
342
+ person1: They got rice , flour and oil as presents , while the leadership got 1000 yuan shopping card .
343
+ person2: They are not feeling satisfied ?
344
+ person1: It is said that the presents they got value less than 200 yuan , and it is no use for them at all , because they don't cook by themselves .",4,"person2: That's really unfair, they should ask for better benefits since they work hard throughout the year.",,
345
+ 0,dialog,27,"person1: Do you have any year-end benefits ?
346
+ person2: I don ' t know till now .
347
+ person1: I just saw a piece of news , that a group of white color workers hold a flour war in the office because of dissatisfaction of the year-end benefits .
348
+ person2: Why they hold a flour war ?
349
+ person1: They got rice , flour and oil as presents , while the leadership got 1000 yuan shopping card .
350
+ person2: They are not feeling satisfied ?
351
+ person1: It is said that the presents they got value less than 200 yuan , and it is no use for them at all , because they don't cook by themselves .",5,"person2: That sounds incredibly unfair; it's no wonder they felt the need to express their frustration in such a dramatic way, even if it was messy and unconventional.",,
352
+ 0,dialog,27,"person1: Do you have any year-end benefits ?
353
+ person2: I don ' t know till now .
354
+ person1: I just saw a piece of news , that a group of white color workers hold a flour war in the office because of dissatisfaction of the year-end benefits .
355
+ person2: Why they hold a flour war ?
356
+ person1: They got rice , flour and oil as presents , while the leadership got 1000 yuan shopping card .
357
+ person2: They are not feeling satisfied ?
358
+ person1: It is said that the presents they got value less than 200 yuan , and it is no use for them at all , because they don't cook by themselves .",6,person2: I can understand their frustration; it's demotivating to see such a disparity in rewards given for the same hard work and dedication through the year.,,
359
+ 0,dialog,28,"person1: What he said disappointed me .
360
+ person2: What did he say ?
361
+ person1: He advised me to change to a more suitable course .
362
+ person2: Why ?
363
+ person1: He said that career in law was unsuitable for a women .",0,person1: I was surprised by his attitude .,,
364
+ 0,dialog,28,"person1: What he said disappointed me .
365
+ person2: What did he say ?
366
+ person1: He advised me to change to a more suitable course .
367
+ person2: Why ?
368
+ person1: He said that career in law was unsuitable for a women .",1,"person2: That's unfair, I wanted to be a lawyer.",,
369
+ 0,dialog,28,"person1: What he said disappointed me .
370
+ person2: What did he say ?
371
+ person1: He advised me to change to a more suitable course .
372
+ person2: Why ?
373
+ person1: He said that career in law was unsuitable for a women .",2,person2: That's quite a sexist opinion.,,
374
+ 0,dialog,28,"person1: What he said disappointed me .
375
+ person2: What did he say ?
376
+ person1: He advised me to change to a more suitable course .
377
+ person2: Why ?
378
+ person1: He said that career in law was unsuitable for a women .",3,person2: That's discriminatory.,,
379
+ 0,dialog,28,"person1: What he said disappointed me .
380
+ person2: What did he say ?
381
+ person1: He advised me to change to a more suitable course .
382
+ person2: Why ?
383
+ person1: He said that career in law was unsuitable for a women .",4,"person2: I think that's outdated thinking, women can be excellent lawyers too.",,
384
+ 0,dialog,28,"person1: What he said disappointed me .
385
+ person2: What did he say ?
386
+ person1: He advised me to change to a more suitable course .
387
+ person2: Why ?
388
+ person1: He said that career in law was unsuitable for a women .",5,person2: That's incredibly outdated thinking; have you considered discussing your aspirations with someone who supports your ambitions instead of relying on his opinion?,,
389
+ 0,dialog,28,"person1: What he said disappointed me .
390
+ person2: What did he say ?
391
+ person1: He advised me to change to a more suitable course .
392
+ person2: Why ?
393
+ person1: He said that career in law was unsuitable for a women .",6,Person2: That's a very outdated perspective; many women have successful careers in law and various other fields.,,
394
+ 0,dialog,29,"person1: Hi , Mike . Haven't seen you for a while . How's Cathy ?
395
+ person2: We are not seeing each other any more .
396
+ person1: What happened ? Did you break up ?
397
+ person2: Yeah . I got sick and tired of her nagging all the time .
398
+ person1: Oh , I am sorry . Maybe you were just emotional at that moment . Do you think you guys can get back together ?
399
+ person2: I don't know . There ' s plenty of fish out there in the sea !",0,"""I know it's tough, but you have to move on.""",,
400
+ 0,dialog,29,"person1: Hi , Mike . Haven't seen you for a while . How's Cathy ?
401
+ person2: We are not seeing each other any more .
402
+ person1: What happened ? Did you break up ?
403
+ person2: Yeah . I got sick and tired of her nagging all the time .
404
+ person1: Oh , I am sorry . Maybe you were just emotional at that moment . Do you think you guys can get back together ?
405
+ person2: I don't know . There ' s plenty of fish out there in the sea !",1,person2: I've been busy with work and haven't had much time for dating .,,
406
+ 0,dialog,29,"person1: Hi , Mike . Haven't seen you for a while . How's Cathy ?
407
+ person2: We are not seeing each other any more .
408
+ person1: What happened ? Did you break up ?
409
+ person2: Yeah . I got sick and tired of her nagging all the time .
410
+ person1: Oh , I am sorry . Maybe you were just emotional at that moment . Do you think you guys can get back together ?
411
+ person2: I don't know . There ' s plenty of fish out there in the sea !",2,person1: I hope you can find the right person for you soon.,,
412
+ 0,dialog,29,"person1: Hi , Mike . Haven't seen you for a while . How's Cathy ?
413
+ person2: We are not seeing each other any more .
414
+ person1: What happened ? Did you break up ?
415
+ person2: Yeah . I got sick and tired of her nagging all the time .
416
+ person1: Oh , I am sorry . Maybe you were just emotional at that moment . Do you think you guys can get back together ?
417
+ person2: I don't know . There ' s plenty of fish out there in the sea !",3,I don't know . There ' s plenty of fish out there in the sea !,,
418
+ 0,dialog,29,"person1: Hi , Mike . Haven't seen you for a while . How's Cathy ?
419
+ person2: We are not seeing each other any more .
420
+ person1: What happened ? Did you break up ?
421
+ person2: Yeah . I got sick and tired of her nagging all the time .
422
+ person1: Oh , I am sorry . Maybe you were just emotional at that moment . Do you think you guys can get back together ?
423
+ person2: I don't know . There ' s plenty of fish out there in the sea !",4,"person1: That's true, but it's always good to give relationships another chance if you think it's worth it.",,
424
+ 0,dialog,29,"person1: Hi , Mike . Haven't seen you for a while . How's Cathy ?
425
+ person2: We are not seeing each other any more .
426
+ person1: What happened ? Did you break up ?
427
+ person2: Yeah . I got sick and tired of her nagging all the time .
428
+ person1: Oh , I am sorry . Maybe you were just emotional at that moment . Do you think you guys can get back together ?
429
+ person2: I don't know . There ' s plenty of fish out there in the sea !",5,"person1: That's true, but sometimes it's worth reconsidering past relationships if things can be worked out, don't you think?",,
430
+ 0,dialog,29,"person1: Hi , Mike . Haven't seen you for a while . How's Cathy ?
431
+ person2: We are not seeing each other any more .
432
+ person1: What happened ? Did you break up ?
433
+ person2: Yeah . I got sick and tired of her nagging all the time .
434
+ person1: Oh , I am sorry . Maybe you were just emotional at that moment . Do you think you guys can get back together ?
435
+ person2: I don't know . There ' s plenty of fish out there in the sea !",6,"person1: Well, that's true, but finding someone with a genuine connection can be harder than it seems.",,
436
+ 0,dialog,30,"person1: I ' m hungry , let ' s go grab a bite to eat .
437
+ person2: Yeah me too . Oh ! Can we stop at the shop really fast ? I lost my makeup bag at the airport and I want to pick up a few things .
438
+ person1: Will you take long ?
439
+ person2: No ! Five minutes I promise !
440
+ person1: Come on ! We have been here for almost an hour ! I thought you said you were only going to get a few things ! How long does it take you to pick out a lipstick and some nail polish !
441
+ person2: Are you crazy ? You have no idea what you are talking about ! Just for my eyes I have to get eye-liner , an eyelash curler , eye shadow , an eyebrow pencil and mascara . Then I need to get foundation , liq
442
+ person1: Whoa whoa whoa ! Are you nuts ? How much is all this going to cost ? I ' m looking at the price at each one of these little things and it ' s outrageous ! This is basically a crayon !
443
+ person2: What about you ? You spend as much or more money on your razors , after shave , cologne and gel ! Not to mention how much you spend on clothes and ...",0,person1: I ' m not sure I want to spend that much money on makeup.,,
444
+ 0,dialog,30,"person1: I ' m hungry , let ' s go grab a bite to eat .
445
+ person2: Yeah me too . Oh ! Can we stop at the shop really fast ? I lost my makeup bag at the airport and I want to pick up a few things .
446
+ person1: Will you take long ?
447
+ person2: No ! Five minutes I promise !
448
+ person1: Come on ! We have been here for almost an hour ! I thought you said you were only going to get a few things ! How long does it take you to pick out a lipstick and some nail polish !
449
+ person2: Are you crazy ? You have no idea what you are talking about ! Just for my eyes I have to get eye-liner , an eyelash curler , eye shadow , an eyebrow pencil and mascara . Then I need to get foundation , liq
450
+ person1: Whoa whoa whoa ! Are you nuts ? How much is all this going to cost ? I ' m looking at the price at each one of these little things and it ' s outrageous ! This is basically a crayon !
451
+ person2: What about you ? You spend as much or more money on your razors , after shave , cologne and gel ! Not to mention how much you spend on clothes and ...",1,person2: I'm sorry but I can't believe you think that way. Everyone has their own preferences and habits.,,
452
+ 0,dialog,30,"person1: I ' m hungry , let ' s go grab a bite to eat .
453
+ person2: Yeah me too . Oh ! Can we stop at the shop really fast ? I lost my makeup bag at the airport and I want to pick up a few things .
454
+ person1: Will you take long ?
455
+ person2: No ! Five minutes I promise !
456
+ person1: Come on ! We have been here for almost an hour ! I thought you said you were only going to get a few things ! How long does it take you to pick out a lipstick and some nail polish !
457
+ person2: Are you crazy ? You have no idea what you are talking about ! Just for my eyes I have to get eye-liner , an eyelash curler , eye shadow , an eyebrow pencil and mascara . Then I need to get foundation , liq
458
+ person1: Whoa whoa whoa ! Are you nuts ? How much is all this going to cost ? I ' m looking at the price at each one of these little things and it ' s outrageous ! This is basically a crayon !
459
+ person2: What about you ? You spend as much or more money on your razors , after shave , cologne and gel ! Not to mention how much you spend on clothes and ...",2,"person1: That's true, but at least my purchases are more practical and useful.",,
460
+ 0,dialog,30,"person1: I ' m hungry , let ' s go grab a bite to eat .
461
+ person2: Yeah me too . Oh ! Can we stop at the shop really fast ? I lost my makeup bag at the airport and I want to pick up a few things .
462
+ person1: Will you take long ?
463
+ person2: No ! Five minutes I promise !
464
+ person1: Come on ! We have been here for almost an hour ! I thought you said you were only going to get a few things ! How long does it take you to pick out a lipstick and some nail polish !
465
+ person2: Are you crazy ? You have no idea what you are talking about ! Just for my eyes I have to get eye-liner , an eyelash curler , eye shadow , an eyebrow pencil and mascara . Then I need to get foundation , liq
466
+ person1: Whoa whoa whoa ! Are you nuts ? How much is all this going to cost ? I ' m looking at the price at each one of these little things and it ' s outrageous ! This is basically a crayon !
467
+ person2: What about you ? You spend as much or more money on your razors , after shave , cologne and gel ! Not to mention how much you spend on clothes and ...",3,person1: I don't see the point in spending so much money on makeup when I can just go to the store and buy it for a fraction of the cost.,,
468
+ 0,dialog,30,"person1: I ' m hungry , let ' s go grab a bite to eat .
469
+ person2: Yeah me too . Oh ! Can we stop at the shop really fast ? I lost my makeup bag at the airport and I want to pick up a few things .
470
+ person1: Will you take long ?
471
+ person2: No ! Five minutes I promise !
472
+ person1: Come on ! We have been here for almost an hour ! I thought you said you were only going to get a few things ! How long does it take you to pick out a lipstick and some nail polish !
473
+ person2: Are you crazy ? You have no idea what you are talking about ! Just for my eyes I have to get eye-liner , an eyelash curler , eye shadow , an eyebrow pencil and mascara . Then I need to get foundation , liq
474
+ person1: Whoa whoa whoa ! Are you nuts ? How much is all this going to cost ? I ' m looking at the price at each one of these little things and it ' s outrageous ! This is basically a crayon !
475
+ person2: What about you ? You spend as much or more money on your razors , after shave , cologne and gel ! Not to mention how much you spend on clothes and ...",4,"person1: I know, but that 's different. I need those things to maintain my appearance. You 're just buying stuff to look good.",,
476
+ 0,dialog,30,"person1: I ' m hungry , let ' s go grab a bite to eat .
477
+ person2: Yeah me too . Oh ! Can we stop at the shop really fast ? I lost my makeup bag at the airport and I want to pick up a few things .
478
+ person1: Will you take long ?
479
+ person2: No ! Five minutes I promise !
480
+ person1: Come on ! We have been here for almost an hour ! I thought you said you were only going to get a few things ! How long does it take you to pick out a lipstick and some nail polish !
481
+ person2: Are you crazy ? You have no idea what you are talking about ! Just for my eyes I have to get eye-liner , an eyelash curler , eye shadow , an eyebrow pencil and mascara . Then I need to get foundation , liq
482
+ person1: Whoa whoa whoa ! Are you nuts ? How much is all this going to cost ? I ' m looking at the price at each one of these little things and it ' s outrageous ! This is basically a crayon !
483
+ person2: What about you ? You spend as much or more money on your razors , after shave , cologne and gel ! Not to mention how much you spend on clothes and ...",5,"...shoes! I mean, we both have our vices when it comes to personal care and fashion, so let's not pretend we're any different in our spending habits!",,
484
+ 0,dialog,30,"person1: I ' m hungry , let ' s go grab a bite to eat .
485
+ person2: Yeah me too . Oh ! Can we stop at the shop really fast ? I lost my makeup bag at the airport and I want to pick up a few things .
486
+ person1: Will you take long ?
487
+ person2: No ! Five minutes I promise !
488
+ person1: Come on ! We have been here for almost an hour ! I thought you said you were only going to get a few things ! How long does it take you to pick out a lipstick and some nail polish !
489
+ person2: Are you crazy ? You have no idea what you are talking about ! Just for my eyes I have to get eye-liner , an eyelash curler , eye shadow , an eyebrow pencil and mascara . Then I need to get foundation , liq
490
+ person1: Whoa whoa whoa ! Are you nuts ? How much is all this going to cost ? I ' m looking at the price at each one of these little things and it ' s outrageous ! This is basically a crayon !
491
+ person2: What about you ? You spend as much or more money on your razors , after shave , cologne and gel ! Not to mention how much you spend on clothes and ...",6,"Person1: Okay, fine, you have a point, but can we at least agree to hurry up so we can go eat?",,
492
+ 0,dialog,31,"person1: When will I get a raise ?
493
+ person2: In three months or so ?
494
+ person1: You said the same thing three months ago .
495
+ person2: Did I ? Well . Anyway , you'll get your raise when the economy starts picking up .
496
+ person1: You mean I won't get a raise until recession ends ?
497
+ person2: Yes .",0,"""I'll start looking for a new job then.""",,
498
+ 0,dialog,31,"person1: When will I get a raise ?
499
+ person2: In three months or so ?
500
+ person1: You said the same thing three months ago .
501
+ person2: Did I ? Well . Anyway , you'll get your raise when the economy starts picking up .
502
+ person1: You mean I won't get a raise until recession ends ?
503
+ person2: Yes .",1,"person2: I'm sorry, but that's the best I can do for now.",,
504
+ 0,dialog,31,"person1: When will I get a raise ?
505
+ person2: In three months or so ?
506
+ person1: You said the same thing three months ago .
507
+ person2: Did I ? Well . Anyway , you'll get your raise when the economy starts picking up .
508
+ person1: You mean I won't get a raise until recession ends ?
509
+ person2: Yes .",2,person1: That's not fair.,,
510
+ 0,dialog,31,"person1: When will I get a raise ?
511
+ person2: In three months or so ?
512
+ person1: You said the same thing three months ago .
513
+ person2: Did I ? Well . Anyway , you'll get your raise when the economy starts picking up .
514
+ person1: You mean I won't get a raise until recession ends ?
515
+ person2: Yes .",3,"person1: That's not very encouraging .
516
+
517
+ person2: I'm sorry . I didn't mean to sound so negative .
518
+
519
+ person1: It's okay . I just want to know when I can expect a raise .
520
+
521
+ person2: I understand . I'll keep an eye out for any promotions or raises .
522
+
523
+ person1: Thanks . I appreciate it .
524
+
525
+ person2: Of course . I'll let you know as soon as I hear anything .",,
526
+ 0,dialog,31,"person1: When will I get a raise ?
527
+ person2: In three months or so ?
528
+ person1: You said the same thing three months ago .
529
+ person2: Did I ? Well . Anyway , you'll get your raise when the economy starts picking up .
530
+ person1: You mean I won't get a raise until recession ends ?
531
+ person2: Yes .",4,"person1: That's terrible, I need it now more than ever!",,
532
+ 0,dialog,31,"person1: When will I get a raise ?
533
+ person2: In three months or so ?
534
+ person1: You said the same thing three months ago .
535
+ person2: Did I ? Well . Anyway , you'll get your raise when the economy starts picking up .
536
+ person1: You mean I won't get a raise until recession ends ?
537
+ person2: Yes .",5,person1: That's frustrating; I was really hoping for some recognition for my hard work despite the current economic situation we're facing and my contributions to the team.,,
538
+ 0,dialog,31,"person1: When will I get a raise ?
539
+ person2: In three months or so ?
540
+ person1: You said the same thing three months ago .
541
+ person2: Did I ? Well . Anyway , you'll get your raise when the economy starts picking up .
542
+ person1: You mean I won't get a raise until recession ends ?
543
+ person2: Yes .",6,"person1: So, are there any performance milestones I need to hit in the meantime to improve my chances of getting a raise?",,
544
+ 0,dialog,32,"person1: Honey , why are you so angry ? Can you tell me ?
545
+ person2: You don ' t love me , Roy .
546
+ person1: Why do you say such words ? I love you very much .
547
+ person2: No , you used to be . But not now . You are in love with someone else . You are in love with my friend , Janet . You appreciate her very much . You think she is beautiful and fun to be with and you think I ' m dumb and uninteresting .
548
+ person1: Susan , just one last week I went out to have a lunch with her . There is nothing for you to be jealous about . I like your company much better than Janet ' s .
549
+ person2: I envy her and also I hate her at the same time .
550
+ person1: Honey , you should know that I love you so deeply .
551
+ person2: Oh , shut up , Roy .
552
+ person1: But honey , I think you ' re terrific . There is nothing ...",0,"""You are in love with my friend, Janet.""",,
553
+ 0,dialog,32,"person1: Honey , why are you so angry ? Can you tell me ?
554
+ person2: You don ' t love me , Roy .
555
+ person1: Why do you say such words ? I love you very much .
556
+ person2: No , you used to be . But not now . You are in love with someone else . You are in love with my friend , Janet . You appreciate her very much . You think she is beautiful and fun to be with and you think I ' m dumb and uninteresting .
557
+ person1: Susan , just one last week I went out to have a lunch with her . There is nothing for you to be jealous about . I like your company much better than Janet ' s .
558
+ person2: I envy her and also I hate her at the same time .
559
+ person1: Honey , you should know that I love you so deeply .
560
+ person2: Oh , shut up , Roy .
561
+ person1: But honey , I think you ' re terrific . There is nothing ...",1,"person2: I can't believe you would say something like that to me, Roy.",,
562
+ 0,dialog,32,"person1: Honey , why are you so angry ? Can you tell me ?
563
+ person2: You don ' t love me , Roy .
564
+ person1: Why do you say such words ? I love you very much .
565
+ person2: No , you used to be . But not now . You are in love with someone else . You are in love with my friend , Janet . You appreciate her very much . You think she is beautiful and fun to be with and you think I ' m dumb and uninteresting .
566
+ person1: Susan , just one last week I went out to have a lunch with her . There is nothing for you to be jealous about . I like your company much better than Janet ' s .
567
+ person2: I envy her and also I hate her at the same time .
568
+ person1: Honey , you should know that I love you so deeply .
569
+ person2: Oh , shut up , Roy .
570
+ person1: But honey , I think you ' re terrific . There is nothing ...",2,person2: I need some time to process all of this. Can we just sit and talk?,,
571
+ 0,dialog,32,"person1: Honey , why are you so angry ? Can you tell me ?
572
+ person2: You don ' t love me , Roy .
573
+ person1: Why do you say such words ? I love you very much .
574
+ person2: No , you used to be . But not now . You are in love with someone else . You are in love with my friend , Janet . You appreciate her very much . You think she is beautiful and fun to be with and you think I ' m dumb and uninteresting .
575
+ person1: Susan , just one last week I went out to have a lunch with her . There is nothing for you to be jealous about . I like your company much better than Janet ' s .
576
+ person2: I envy her and also I hate her at the same time .
577
+ person1: Honey , you should know that I love you so deeply .
578
+ person2: Oh , shut up , Roy .
579
+ person1: But honey , I think you ' re terrific . There is nothing ...",3,person2: ...nothing I can do to change your mind .,,
580
+ 0,dialog,32,"person1: Honey , why are you so angry ? Can you tell me ?
581
+ person2: You don ' t love me , Roy .
582
+ person1: Why do you say such words ? I love you very much .
583
+ person2: No , you used to be . But not now . You are in love with someone else . You are in love with my friend , Janet . You appreciate her very much . You think she is beautiful and fun to be with and you think I ' m dumb and uninteresting .
584
+ person1: Susan , just one last week I went out to have a lunch with her . There is nothing for you to be jealous about . I like your company much better than Janet ' s .
585
+ person2: I envy her and also I hate her at the same time .
586
+ person1: Honey , you should know that I love you so deeply .
587
+ person2: Oh , shut up , Roy .
588
+ person1: But honey , I think you ' re terrific . There is nothing ...",4,person1: ...to be jealous about. I care about you more than anyone else.,,
589
+ 0,dialog,32,"person1: Honey , why are you so angry ? Can you tell me ?
590
+ person2: You don ' t love me , Roy .
591
+ person1: Why do you say such words ? I love you very much .
592
+ person2: No , you used to be . But not now . You are in love with someone else . You are in love with my friend , Janet . You appreciate her very much . You think she is beautiful and fun to be with and you think I ' m dumb and uninteresting .
593
+ person1: Susan , just one last week I went out to have a lunch with her . There is nothing for you to be jealous about . I like your company much better than Janet ' s .
594
+ person2: I envy her and also I hate her at the same time .
595
+ person1: Honey , you should know that I love you so deeply .
596
+ person2: Oh , shut up , Roy .
597
+ person1: But honey , I think you ' re terrific . There is nothing ...",5,"person2: ...that could ever change how I feel about you, yet I'm still struggling with these insecurities that keep creeping into my mind whenever you mention her.",,
598
+ 0,dialog,32,"person1: Honey , why are you so angry ? Can you tell me ?
599
+ person2: You don ' t love me , Roy .
600
+ person1: Why do you say such words ? I love you very much .
601
+ person2: No , you used to be . But not now . You are in love with someone else . You are in love with my friend , Janet . You appreciate her very much . You think she is beautiful and fun to be with and you think I ' m dumb and uninteresting .
602
+ person1: Susan , just one last week I went out to have a lunch with her . There is nothing for you to be jealous about . I like your company much better than Janet ' s .
603
+ person2: I envy her and also I hate her at the same time .
604
+ person1: Honey , you should know that I love you so deeply .
605
+ person2: Oh , shut up , Roy .
606
+ person1: But honey , I think you ' re terrific . There is nothing ...",6,"person2: Roy, there's nothing you can say that will change how I feel right now.",,
607
+ 0,dialog,33,"person1: I want a refund !
608
+ person2: Yes , miss . What was the problem with your purchase ?
609
+ person1: These pajamas don't fit right . They're too long .
610
+ person2: Would you like to have them altered ? Or would you like a different size ?
611
+ person1: No . I want my money back .
612
+ person2: I'm sorry , but this was on sale , so I can only give you store credit .
613
+ person1: Fine . Here's my receipt . I'd better be able to use this anywhere in the store .",0,"person2: I'm sorry , but this was on sale , so I can only give you store credit .",,
614
+ 0,dialog,33,"person1: I want a refund !
615
+ person2: Yes , miss . What was the problem with your purchase ?
616
+ person1: These pajamas don't fit right . They're too long .
617
+ person2: Would you like to have them altered ? Or would you like a different size ?
618
+ person1: No . I want my money back .
619
+ person2: I'm sorry , but this was on sale , so I can only give you store credit .
620
+ person1: Fine . Here's my receipt . I'd better be able to use this anywhere in the store .",1,"person2: I understand your frustration , but our policy is to only accept returns for defective items. Can I speak with a manager ?",,
621
+ 0,dialog,33,"person1: I want a refund !
622
+ person2: Yes , miss . What was the problem with your purchase ?
623
+ person1: These pajamas don't fit right . They're too long .
624
+ person2: Would you like to have them altered ? Or would you like a different size ?
625
+ person1: No . I want my money back .
626
+ person2: I'm sorry , but this was on sale , so I can only give you store credit .
627
+ person1: Fine . Here's my receipt . I'd better be able to use this anywhere in the store .",2,"person2: I understand, ma'am. I'll be happy to process your refund and provide you with store credit that you can use anywhere in the store.",,
628
+ 0,dialog,33,"person1: I want a refund !
629
+ person2: Yes , miss . What was the problem with your purchase ?
630
+ person1: These pajamas don't fit right . They're too long .
631
+ person2: Would you like to have them altered ? Or would you like a different size ?
632
+ person1: No . I want my money back .
633
+ person2: I'm sorry , but this was on sale , so I can only give you store credit .
634
+ person1: Fine . Here's my receipt . I'd better be able to use this anywhere in the store .",3,"person2: Of course, miss. You can use it for anything in the store.",,
635
+ 0,dialog,33,"person1: I want a refund !
636
+ person2: Yes , miss . What was the problem with your purchase ?
637
+ person1: These pajamas don't fit right . They're too long .
638
+ person2: Would you like to have them altered ? Or would you like a different size ?
639
+ person1: No . I want my money back .
640
+ person2: I'm sorry , but this was on sale , so I can only give you store credit .
641
+ person1: Fine . Here's my receipt . I'd better be able to use this anywhere in the store .",4,"person2: Of course, miss. We'll process the refund and you can use the store credit anywhere in the store.",,
642
+ 0,dialog,33,"person1: I want a refund !
643
+ person2: Yes , miss . What was the problem with your purchase ?
644
+ person1: These pajamas don't fit right . They're too long .
645
+ person2: Would you like to have them altered ? Or would you like a different size ?
646
+ person1: No . I want my money back .
647
+ person2: I'm sorry , but this was on sale , so I can only give you store credit .
648
+ person1: Fine . Here's my receipt . I'd better be able to use this anywhere in the store .",5,"person2: Absolutely, you'll have full access to use the store credit on any item you choose, just as long as it remains within our return policy guidelines.",,
649
+ 0,dialog,33,"person1: I want a refund !
650
+ person2: Yes , miss . What was the problem with your purchase ?
651
+ person1: These pajamas don't fit right . They're too long .
652
+ person2: Would you like to have them altered ? Or would you like a different size ?
653
+ person1: No . I want my money back .
654
+ person2: I'm sorry , but this was on sale , so I can only give you store credit .
655
+ person1: Fine . Here's my receipt . I'd better be able to use this anywhere in the store .",6,"person2: Absolutely, you can use the store credit at any of our locations, and it will cover any item of your choosing.",,
656
+ 0,dialog,34,"person1: Jane , I was wondering if you you had any plans for saturday afternoon .
657
+ person2: A friend and I are planing to go out , why ? what's up ?
658
+ person1: There is a special exhibition of french sculptures at the museum , I was hoping you ' d like to come with me .
659
+ person2: I am afraid I can't I am going to be out all day .
660
+ person1: What about sunday ?
661
+ person2: I wish I could , but it's my mums birthday .
662
+ person1: Maybe next week .
663
+ person2: Much as I ' d like to , I am afraid i wont be free next week , I have a lot of work .
664
+ person1: Sorry to hear that , I was really looking forward to spending some more time with you , I really enjoyed our last chat .",0,"person2: I understand , I am sorry too .",,
665
+ 0,dialog,34,"person1: Jane , I was wondering if you you had any plans for saturday afternoon .
666
+ person2: A friend and I are planing to go out , why ? what's up ?
667
+ person1: There is a special exhibition of french sculptures at the museum , I was hoping you ' d like to come with me .
668
+ person2: I am afraid I can't I am going to be out all day .
669
+ person1: What about sunday ?
670
+ person2: I wish I could , but it's my mums birthday .
671
+ person1: Maybe next week .
672
+ person2: Much as I ' d like to , I am afraid i wont be free next week , I have a lot of work .
673
+ person1: Sorry to hear that , I was really looking forward to spending some more time with you , I really enjoyed our last chat .",1,"person2: It was nice of you to ask, but I have to prioritize my family this time.",,
674
+ 0,dialog,34,"person1: Jane , I was wondering if you you had any plans for saturday afternoon .
675
+ person2: A friend and I are planing to go out , why ? what's up ?
676
+ person1: There is a special exhibition of french sculptures at the museum , I was hoping you ' d like to come with me .
677
+ person2: I am afraid I can't I am going to be out all day .
678
+ person1: What about sunday ?
679
+ person2: I wish I could , but it's my mums birthday .
680
+ person1: Maybe next week .
681
+ person2: Much as I ' d like to , I am afraid i wont be free next week , I have a lot of work .
682
+ person1: Sorry to hear that , I was really looking forward to spending some more time with you , I really enjoyed our last chat .",2,"person2: Thank you for inviting me, I had a great time too. Maybe we can plan something for another time.",,
683
+ 0,dialog,34,"person1: Jane , I was wondering if you you had any plans for saturday afternoon .
684
+ person2: A friend and I are planing to go out , why ? what's up ?
685
+ person1: There is a special exhibition of french sculptures at the museum , I was hoping you ' d like to come with me .
686
+ person2: I am afraid I can't I am going to be out all day .
687
+ person1: What about sunday ?
688
+ person2: I wish I could , but it's my mums birthday .
689
+ person1: Maybe next week .
690
+ person2: Much as I ' d like to , I am afraid i wont be free next week , I have a lot of work .
691
+ person1: Sorry to hear that , I was really looking forward to spending some more time with you , I really enjoyed our last chat .",3,person2: I hope you understand .,,
692
+ 0,dialog,34,"person1: Jane , I was wondering if you you had any plans for saturday afternoon .
693
+ person2: A friend and I are planing to go out , why ? what's up ?
694
+ person1: There is a special exhibition of french sculptures at the museum , I was hoping you ' d like to come with me .
695
+ person2: I am afraid I can't I am going to be out all day .
696
+ person1: What about sunday ?
697
+ person2: I wish I could , but it's my mums birthday .
698
+ person1: Maybe next week .
699
+ person2: Much as I ' d like to , I am afraid i wont be free next week , I have a lot of work .
700
+ person1: Sorry to hear that , I was really looking forward to spending some more time with you , I really enjoyed our last chat .",4,"person2: I feel the same way, but my schedule is quite full for now. Let's try to find another opportunity soon.",,
701
+ 0,dialog,34,"person1: Jane , I was wondering if you you had any plans for saturday afternoon .
702
+ person2: A friend and I are planing to go out , why ? what's up ?
703
+ person1: There is a special exhibition of french sculptures at the museum , I was hoping you ' d like to come with me .
704
+ person2: I am afraid I can't I am going to be out all day .
705
+ person1: What about sunday ?
706
+ person2: I wish I could , but it's my mums birthday .
707
+ person1: Maybe next week .
708
+ person2: Much as I ' d like to , I am afraid i wont be free next week , I have a lot of work .
709
+ person1: Sorry to hear that , I was really looking forward to spending some more time with you , I really enjoyed our last chat .",5,"person2: I enjoyed it too, but my schedule is so packed right now; can we plan something for a future date when I’m less busy?",,
710
+ 0,dialog,34,"person1: Jane , I was wondering if you you had any plans for saturday afternoon .
711
+ person2: A friend and I are planing to go out , why ? what's up ?
712
+ person1: There is a special exhibition of french sculptures at the museum , I was hoping you ' d like to come with me .
713
+ person2: I am afraid I can't I am going to be out all day .
714
+ person1: What about sunday ?
715
+ person2: I wish I could , but it's my mums birthday .
716
+ person1: Maybe next week .
717
+ person2: Much as I ' d like to , I am afraid i wont be free next week , I have a lot of work .
718
+ person1: Sorry to hear that , I was really looking forward to spending some more time with you , I really enjoyed our last chat .",6,"person2: I enjoyed it too, maybe we can plan something further ahead; I should have more free time next month.",,
719
+ 0,dialog,35,"person1: Howdy ! Nice car ! What seems to be the problem ?
720
+ person2: I don ' t know ! This stupid old car started spewing white smoke and it just died on me . Luckily , I managed to start it up and drive it here . What do you think it is ?
721
+ person1: Not sure yet.How about you pop the hood and we can take a look . Mmmm , it doesn ' t look good .
722
+ person2: What do you mean ? My daddy gave me this car for my birthday last month . It ' s brand new !
723
+ person1: Well missy , the white smoke that you saw is steam from the radiator . You overheated your engine so now the pistons are busted and so is your transmission . You should have called us and we could have towed you over here when your car died .
724
+ person2: Ugh ... So how long is this going to take ? An hour ?
725
+ person1: I ' m afraid a bit more than that . We need to order the spare parts , take apart your electrical system , fuel pump and engine and then put it back together again . You are going to have to leave it here for at least two weeks .",0,"""I ' m sorry, but I can't afford to leave my car here for two weeks.""",,
726
+ 0,dialog,35,"person1: Howdy ! Nice car ! What seems to be the problem ?
727
+ person2: I don ' t know ! This stupid old car started spewing white smoke and it just died on me . Luckily , I managed to start it up and drive it here . What do you think it is ?
728
+ person1: Not sure yet.How about you pop the hood and we can take a look . Mmmm , it doesn ' t look good .
729
+ person2: What do you mean ? My daddy gave me this car for my birthday last month . It ' s brand new !
730
+ person1: Well missy , the white smoke that you saw is steam from the radiator . You overheated your engine so now the pistons are busted and so is your transmission . You should have called us and we could have towed you over here when your car died .
731
+ person2: Ugh ... So how long is this going to take ? An hour ?
732
+ person1: I ' m afraid a bit more than that . We need to order the spare parts , take apart your electrical system , fuel pump and engine and then put it back together again . You are going to have to leave it here for at least two weeks .",1,person2: Two weeks ? That's a long time ! I can't afford to leave it here for that long . What are the chances of you fixing it before then ?,,
733
+ 0,dialog,35,"person1: Howdy ! Nice car ! What seems to be the problem ?
734
+ person2: I don ' t know ! This stupid old car started spewing white smoke and it just died on me . Luckily , I managed to start it up and drive it here . What do you think it is ?
735
+ person1: Not sure yet.How about you pop the hood and we can take a look . Mmmm , it doesn ' t look good .
736
+ person2: What do you mean ? My daddy gave me this car for my birthday last month . It ' s brand new !
737
+ person1: Well missy , the white smoke that you saw is steam from the radiator . You overheated your engine so now the pistons are busted and so is your transmission . You should have called us and we could have towed you over here when your car died .
738
+ person2: Ugh ... So how long is this going to take ? An hour ?
739
+ person1: I ' m afraid a bit more than that . We need to order the spare parts , take apart your electrical system , fuel pump and engine and then put it back together again . You are going to have to leave it here for at least two weeks .",2,"person2: Oh no, that's too long! Is there any way I could possibly get it done faster?",,
740
+ 0,dialog,35,"person1: Howdy ! Nice car ! What seems to be the problem ?
741
+ person2: I don ' t know ! This stupid old car started spewing white smoke and it just died on me . Luckily , I managed to start it up and drive it here . What do you think it is ?
742
+ person1: Not sure yet.How about you pop the hood and we can take a look . Mmmm , it doesn ' t look good .
743
+ person2: What do you mean ? My daddy gave me this car for my birthday last month . It ' s brand new !
744
+ person1: Well missy , the white smoke that you saw is steam from the radiator . You overheated your engine so now the pistons are busted and so is your transmission . You should have called us and we could have towed you over here when your car died .
745
+ person2: Ugh ... So how long is this going to take ? An hour ?
746
+ person1: I ' m afraid a bit more than that . We need to order the spare parts , take apart your electrical system , fuel pump and engine and then put it back together again . You are going to have to leave it here for at least two weeks .",3,"person2: Two weeks ? That's a long time ! Can't I just get a new car ?
747
+ person1: I'm sorry but you just got this car last month and it's already broken ? I don't think your daddy would want you to get a new car so soon after he gave you this one .",,
748
+ 0,dialog,35,"person1: Howdy ! Nice car ! What seems to be the problem ?
749
+ person2: I don ' t know ! This stupid old car started spewing white smoke and it just died on me . Luckily , I managed to start it up and drive it here . What do you think it is ?
750
+ person1: Not sure yet.How about you pop the hood and we can take a look . Mmmm , it doesn ' t look good .
751
+ person2: What do you mean ? My daddy gave me this car for my birthday last month . It ' s brand new !
752
+ person1: Well missy , the white smoke that you saw is steam from the radiator . You overheated your engine so now the pistons are busted and so is your transmission . You should have called us and we could have towed you over here when your car died .
753
+ person2: Ugh ... So how long is this going to take ? An hour ?
754
+ person1: I ' m afraid a bit more than that . We need to order the spare parts , take apart your electrical system , fuel pump and engine and then put it back together again . You are going to have to leave it here for at least two weeks .",4,"person2: Oh no, that's going to be a problem.I need my car for work.Do you have any suggestions?",,
755
+ 0,dialog,35,"person1: Howdy ! Nice car ! What seems to be the problem ?
756
+ person2: I don ' t know ! This stupid old car started spewing white smoke and it just died on me . Luckily , I managed to start it up and drive it here . What do you think it is ?
757
+ person1: Not sure yet.How about you pop the hood and we can take a look . Mmmm , it doesn ' t look good .
758
+ person2: What do you mean ? My daddy gave me this car for my birthday last month . It ' s brand new !
759
+ person1: Well missy , the white smoke that you saw is steam from the radiator . You overheated your engine so now the pistons are busted and so is your transmission . You should have called us and we could have towed you over here when your car died .
760
+ person2: Ugh ... So how long is this going to take ? An hour ?
761
+ person1: I ' m afraid a bit more than that . We need to order the spare parts , take apart your electrical system , fuel pump and engine and then put it back together again . You are going to have to leave it here for at least two weeks .",5,person2: Two weeks? That’s ridiculous! I have plans this weekend and I can’t be without my car for that long.,,
762
+ 0,dialog,35,"person1: Howdy ! Nice car ! What seems to be the problem ?
763
+ person2: I don ' t know ! This stupid old car started spewing white smoke and it just died on me . Luckily , I managed to start it up and drive it here . What do you think it is ?
764
+ person1: Not sure yet.How about you pop the hood and we can take a look . Mmmm , it doesn ' t look good .
765
+ person2: What do you mean ? My daddy gave me this car for my birthday last month . It ' s brand new !
766
+ person1: Well missy , the white smoke that you saw is steam from the radiator . You overheated your engine so now the pistons are busted and so is your transmission . You should have called us and we could have towed you over here when your car died .
767
+ person2: Ugh ... So how long is this going to take ? An hour ?
768
+ person1: I ' m afraid a bit more than that . We need to order the spare parts , take apart your electrical system , fuel pump and engine and then put it back together again . You are going to have to leave it here for at least two weeks .",6,person2: Two weeks? That's way too long! I need my car for work; is there any way to speed up the process?,,
769
+ 0,dialog,36,"person1: John , have you ever watched Beijing Opera ?
770
+ person2: Yes , I watched once .
771
+ person1: What do you think of it ?
772
+ person2: Well , honestly speaking , I went to watch it out of curiosity . I'd say it's really a special art form .
773
+ person1: I couldn't agree more . Actually , I'm a Beijing Opera fan .",0,person2: Have you ever been to a live performance ?,,
774
+ 0,dialog,36,"person1: John , have you ever watched Beijing Opera ?
775
+ person2: Yes , I watched once .
776
+ person1: What do you think of it ?
777
+ person2: Well , honestly speaking , I went to watch it out of curiosity . I'd say it's really a special art form .
778
+ person1: I couldn't agree more . Actually , I'm a Beijing Opera fan .",1,person2: That's great to hear ! Have you seen any other performances ?,,
779
+ 0,dialog,36,"person1: John , have you ever watched Beijing Opera ?
780
+ person2: Yes , I watched once .
781
+ person1: What do you think of it ?
782
+ person2: Well , honestly speaking , I went to watch it out of curiosity . I'd say it's really a special art form .
783
+ person1: I couldn't agree more . Actually , I'm a Beijing Opera fan .",2,person2: That's great! Maybe you could recommend a few of your favorite performances to me.,,
784
+ 0,dialog,36,"person1: John , have you ever watched Beijing Opera ?
785
+ person2: Yes , I watched once .
786
+ person1: What do you think of it ?
787
+ person2: Well , honestly speaking , I went to watch it out of curiosity . I'd say it's really a special art form .
788
+ person1: I couldn't agree more . Actually , I'm a Beijing Opera fan .",3,person2: I've always been fascinated by the way the actors use their facial expressions and body movements to convey emotions and tell a story.,,
789
+ 0,dialog,36,"person1: John , have you ever watched Beijing Opera ?
790
+ person2: Yes , I watched once .
791
+ person1: What do you think of it ?
792
+ person2: Well , honestly speaking , I went to watch it out of curiosity . I'd say it's really a special art form .
793
+ person1: I couldn't agree more . Actually , I'm a Beijing Opera fan .",4,"person2: I can understand why , it's so unique and the costumes and makeup are fascinating .",,
794
+ 0,dialog,36,"person1: John , have you ever watched Beijing Opera ?
795
+ person2: Yes , I watched once .
796
+ person1: What do you think of it ?
797
+ person2: Well , honestly speaking , I went to watch it out of curiosity . I'd say it's really a special art form .
798
+ person1: I couldn't agree more . Actually , I'm a Beijing Opera fan .",5,"person2: That's awesome! What do you love most about it— the dramatic storytelling, the vibrant costumes, or maybe the incredible acrobatics?",,
799
+ 0,dialog,36,"person1: John , have you ever watched Beijing Opera ?
800
+ person2: Yes , I watched once .
801
+ person1: What do you think of it ?
802
+ person2: Well , honestly speaking , I went to watch it out of curiosity . I'd say it's really a special art form .
803
+ person1: I couldn't agree more . Actually , I'm a Beijing Opera fan .",6,person2: That's interesting! I've heard it takes years of training to master the skills required for performing Beijing Opera.,,
804
+ 0,dialog,37,"person1: May I help you , sir ?
805
+ person2: I want to try on this suit .
806
+ person1: Certainly . Here's a mirror .
807
+ person2: I'm afraid it's too narrow across the shoulders . Do you have a larger one ?
808
+ person1: Yes . This one must fit you .
809
+ person2: It's a bit loose . Do you have a middle size ?
810
+ person1: I'm afraid not , sir .",0,person2: I'm sorry .,,
811
+ 0,dialog,37,"person1: May I help you , sir ?
812
+ person2: I want to try on this suit .
813
+ person1: Certainly . Here's a mirror .
814
+ person2: I'm afraid it's too narrow across the shoulders . Do you have a larger one ?
815
+ person1: Yes . This one must fit you .
816
+ person2: It's a bit loose . Do you have a middle size ?
817
+ person1: I'm afraid not , sir .",1,person2: Then could you show me some other options ?,,
818
+ 0,dialog,37,"person1: May I help you , sir ?
819
+ person2: I want to try on this suit .
820
+ person1: Certainly . Here's a mirror .
821
+ person2: I'm afraid it's too narrow across the shoulders . Do you have a larger one ?
822
+ person1: Yes . This one must fit you .
823
+ person2: It's a bit loose . Do you have a middle size ?
824
+ person1: I'm afraid not , sir .",2,"person1: How about this one, it's a bit smaller but might fit better across the shoulders.",,
825
+ 0,dialog,37,"person1: May I help you , sir ?
826
+ person2: I want to try on this suit .
827
+ person1: Certainly . Here's a mirror .
828
+ person2: I'm afraid it's too narrow across the shoulders . Do you have a larger one ?
829
+ person1: Yes . This one must fit you .
830
+ person2: It's a bit loose . Do you have a middle size ?
831
+ person1: I'm afraid not , sir .",3,person2: I'll take this one then .,,
832
+ 0,dialog,37,"person1: May I help you , sir ?
833
+ person2: I want to try on this suit .
834
+ person1: Certainly . Here's a mirror .
835
+ person2: I'm afraid it's too narrow across the shoulders . Do you have a larger one ?
836
+ person1: Yes . This one must fit you .
837
+ person2: It's a bit loose . Do you have a middle size ?
838
+ person1: I'm afraid not , sir .",4,"person1: We do have a tailor on site who can make adjustments for you, if you'd like.",,
839
+ 0,dialog,37,"person1: May I help you , sir ?
840
+ person2: I want to try on this suit .
841
+ person1: Certainly . Here's a mirror .
842
+ person2: I'm afraid it's too narrow across the shoulders . Do you have a larger one ?
843
+ person1: Yes . This one must fit you .
844
+ person2: It's a bit loose . Do you have a middle size ?
845
+ person1: I'm afraid not , sir .",5,person2: That's unfortunate. Perhaps you could recommend a different style that might suit my frame better for a more comfortable fit.,,
846
+ 0,dialog,37,"person1: May I help you , sir ?
847
+ person2: I want to try on this suit .
848
+ person1: Certainly . Here's a mirror .
849
+ person2: I'm afraid it's too narrow across the shoulders . Do you have a larger one ?
850
+ person1: Yes . This one must fit you .
851
+ person2: It's a bit loose . Do you have a middle size ?
852
+ person1: I'm afraid not , sir .",6,Do you have any other styles or brands in a similar size that might offer a better fit?,,
853
+ 0,dialog,38,"person1: Has Alan shown up yet ?
854
+ person2: Nope . I guess something might have come up .
855
+ person1: I wonder what happened .
856
+ person2: I don't know . I hope it's nothing serious .
857
+ person1: Last week his sister was admitted to the hospital .
858
+ person2: Oh ? What happened ?
859
+ person1: His sister had a car accident last week .
860
+ person2: Is she fine now ?
861
+ person1: She is still in a coma .",0,person2: I hope she gets well soon .,,
862
+ 0,dialog,38,"person1: Has Alan shown up yet ?
863
+ person2: Nope . I guess something might have come up .
864
+ person1: I wonder what happened .
865
+ person2: I don't know . I hope it's nothing serious .
866
+ person1: Last week his sister was admitted to the hospital .
867
+ person2: Oh ? What happened ?
868
+ person1: His sister had a car accident last week .
869
+ person2: Is she fine now ?
870
+ person1: She is still in a coma .",1,person2: I'm keeping positive for her . Let's hope she pulls through.,,
871
+ 0,dialog,38,"person1: Has Alan shown up yet ?
872
+ person2: Nope . I guess something might have come up .
873
+ person1: I wonder what happened .
874
+ person2: I don't know . I hope it's nothing serious .
875
+ person1: Last week his sister was admitted to the hospital .
876
+ person2: Oh ? What happened ?
877
+ person1: His sister had a car accident last week .
878
+ person2: Is she fine now ?
879
+ person1: She is still in a coma .",2,person2: That's terrible. I hope she recovers soon.,,
880
+ 0,dialog,38,"person1: Has Alan shown up yet ?
881
+ person2: Nope . I guess something might have come up .
882
+ person1: I wonder what happened .
883
+ person2: I don't know . I hope it's nothing serious .
884
+ person1: Last week his sister was admitted to the hospital .
885
+ person2: Oh ? What happened ?
886
+ person1: His sister had a car accident last week .
887
+ person2: Is she fine now ?
888
+ person1: She is still in a coma .",3,person2: That's terrible . I hope she recovers soon.,,
889
+ 0,dialog,38,"person1: Has Alan shown up yet ?
890
+ person2: Nope . I guess something might have come up .
891
+ person1: I wonder what happened .
892
+ person2: I don't know . I hope it's nothing serious .
893
+ person1: Last week his sister was admitted to the hospital .
894
+ person2: Oh ? What happened ?
895
+ person1: His sister had a car accident last week .
896
+ person2: Is she fine now ?
897
+ person1: She is still in a coma .",4,"person2: That's terrible, let's keep Alan and his family in our prayers.",,
898
+ 0,dialog,38,"person1: Has Alan shown up yet ?
899
+ person2: Nope . I guess something might have come up .
900
+ person1: I wonder what happened .
901
+ person2: I don't know . I hope it's nothing serious .
902
+ person1: Last week his sister was admitted to the hospital .
903
+ person2: Oh ? What happened ?
904
+ person1: His sister had a car accident last week .
905
+ person2: Is she fine now ?
906
+ person1: She is still in a coma .",5,person2: That sounds so incredibly tough for Alan and his family; I really hope she wakes up soon and recovers completely from this terrible situation.,,
907
+ 0,dialog,38,"person1: Has Alan shown up yet ?
908
+ person2: Nope . I guess something might have come up .
909
+ person1: I wonder what happened .
910
+ person2: I don't know . I hope it's nothing serious .
911
+ person1: Last week his sister was admitted to the hospital .
912
+ person2: Oh ? What happened ?
913
+ person1: His sister had a car accident last week .
914
+ person2: Is she fine now ?
915
+ person1: She is still in a coma .",6,"person2: That sounds really tough for their family, I can't imagine what they're going through.",,
916
+ 0,dialog,39,"person1: I heard that Jim lost 100 yuan . Do you know that ?
917
+ person2: I don't know .
918
+ person1: Really ?
919
+ person2: Yes .
920
+ person1: But some classmates said you took the money .
921
+ person2: It is not true .
922
+ person1: Look at my eyes .
923
+ person2: Well , I confess . I did it , because I urgently need money to buy some medicine for my mother for she is badly ill . I'm ashamed that I did that .
924
+ person1: Return the money to Jim and make an apology . I think he will forgive you .",0,"""I'm sorry, I didn't mean to do that.""",,
925
+ 0,dialog,39,"person1: I heard that Jim lost 100 yuan . Do you know that ?
926
+ person2: I don't know .
927
+ person1: Really ?
928
+ person2: Yes .
929
+ person1: But some classmates said you took the money .
930
+ person2: It is not true .
931
+ person1: Look at my eyes .
932
+ person2: Well , I confess . I did it , because I urgently need money to buy some medicine for my mother for she is badly ill . I'm ashamed that I did that .
933
+ person1: Return the money to Jim and make an apology . I think he will forgive you .",1,person2: I'll return the money to Jim right away and apologize to him .,,
934
+ 0,dialog,39,"person1: I heard that Jim lost 100 yuan . Do you know that ?
935
+ person2: I don't know .
936
+ person1: Really ?
937
+ person2: Yes .
938
+ person1: But some classmates said you took the money .
939
+ person2: It is not true .
940
+ person1: Look at my eyes .
941
+ person2: Well , I confess . I did it , because I urgently need money to buy some medicine for my mother for she is badly ill . I'm ashamed that I did that .
942
+ person1: Return the money to Jim and make an apology . I think he will forgive you .",2,Person2: Thank you for your understanding and advice. I will return the money and apologize to Jim as soon as possible.,,
943
+ 0,dialog,39,"person1: I heard that Jim lost 100 yuan . Do you know that ?
944
+ person2: I don't know .
945
+ person1: Really ?
946
+ person2: Yes .
947
+ person1: But some classmates said you took the money .
948
+ person2: It is not true .
949
+ person1: Look at my eyes .
950
+ person2: Well , I confess . I did it , because I urgently need money to buy some medicine for my mother for she is badly ill . I'm ashamed that I did that .
951
+ person1: Return the money to Jim and make an apology . I think he will forgive you .",3,person2: I will return the money to Jim and apologize to him for my mistake.,,
952
+ 0,dialog,39,"person1: I heard that Jim lost 100 yuan . Do you know that ?
953
+ person2: I don't know .
954
+ person1: Really ?
955
+ person2: Yes .
956
+ person1: But some classmates said you took the money .
957
+ person2: It is not true .
958
+ person1: Look at my eyes .
959
+ person2: Well , I confess . I did it , because I urgently need money to buy some medicine for my mother for she is badly ill . I'm ashamed that I did that .
960
+ person1: Return the money to Jim and make an apology . I think he will forgive you .",4,"person2: I will do it right away, and I promise not to do something like this again.",,
961
+ 0,dialog,39,"person1: I heard that Jim lost 100 yuan . Do you know that ?
962
+ person2: I don't know .
963
+ person1: Really ?
964
+ person2: Yes .
965
+ person1: But some classmates said you took the money .
966
+ person2: It is not true .
967
+ person1: Look at my eyes .
968
+ person2: Well , I confess . I did it , because I urgently need money to buy some medicine for my mother for she is badly ill . I'm ashamed that I did that .
969
+ person1: Return the money to Jim and make an apology . I think he will forgive you .",5,"person2: You're right, I will return it as soon as possible and personally apologize to Jim for my actions, hoping he understands my situation and forgives me.",,
970
+ 0,dialog,39,"person1: I heard that Jim lost 100 yuan . Do you know that ?
971
+ person2: I don't know .
972
+ person1: Really ?
973
+ person2: Yes .
974
+ person1: But some classmates said you took the money .
975
+ person2: It is not true .
976
+ person1: Look at my eyes .
977
+ person2: Well , I confess . I did it , because I urgently need money to buy some medicine for my mother for she is badly ill . I'm ashamed that I did that .
978
+ person1: Return the money to Jim and make an apology . I think he will forgive you .",6,"Person2: You're right, I will return the money and apologize to Jim immediately, hoping that he can understand my difficult situation and find it in his heart to forgive me.",,
baseline_example/test/test_story.csv ADDED
The diff for this file is too large to render. See raw diff