Wonderplex commited on
Commit
0c22348
1 Parent(s): 237ffdd

Feature/select agent env (#42)

Browse files

* changed ui to include scenario and agent info

* ui layout correct; need to fix logics

* half-way through; need to fix record reading and agent pair filtering logic

* fixed deletion of app.py

* debugging gradio change

* before debug

* finished UI features

app.py CHANGED
@@ -1,6 +1,8 @@
1
  import os
 
2
  from dataclasses import dataclass
3
  from uuid import uuid4
 
4
 
5
  import gradio as gr
6
  import torch
@@ -12,37 +14,62 @@ from transformers import (
12
  BitsAndBytesConfig,
13
  )
14
 
15
- from utils import Agent, format_sotopia_prompt, get_starter_prompt, format_bot_message
16
  from functools import cache
17
 
18
  DEPLOYED = os.getenv("DEPLOYED", "true").lower() == "true"
19
  DEFAULT_MODEL_SELECTION = "cmu-lti/sotopia-pi-mistral-7b-BC_SR" # "mistralai/Mistral-7B-Instruct-v0.1"
 
 
 
20
 
21
- def prepare_sotopia_info():
22
- human_agent = Agent(
23
- name="Ethan Johnson",
24
- background="Ethan Johnson is a 34-year-old male chef. He/him pronouns. Ethan Johnson is famous for cooking Italian food.",
25
- goal="Uknown",
26
- secrets="Uknown",
27
- personality="Ethan Johnson, a creative yet somewhat reserved individual, values power and fairness. He likes to analyse situations before deciding.",
28
- )
29
 
30
- machine_agent = Agent(
31
- name="Benjamin Jackson",
32
- background="Benjamin Jackson is a 24-year-old male environmental activist. He/him pronouns. Benjamin Jackson is well-known for his impassioned speeches.",
33
- goal="Figure out why they estranged you recently, and maintain the existing friendship (Extra information: you notice that your friend has been intentionally avoiding you, you would like to figure out why. You value your friendship with the friend and don't want to lose it.)",
34
- secrets="Descendant of a wealthy oil tycoon, rejects family fortune",
35
- personality="Benjamin Jackson, expressive and imaginative, leans towards self-direction and liberty. His decisions aim for societal betterment.",
36
- )
37
 
38
- scenario = (
39
- "Conversation between two friends, where one is upset and crying"
40
- )
41
- instructions = get_starter_prompt(machine_agent, human_agent, scenario)
42
- return human_agent, machine_agent, scenario, instructions
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
43
 
44
  @cache
45
- def prepare(model_name):
46
  compute_type = torch.float16
47
 
48
  if 'cmu-lti/sotopia-pi-mistral-7b-BC_SR'in model_name:
@@ -89,67 +116,86 @@ def introduction():
89
  """
90
  )
91
 
 
 
 
 
 
 
 
 
 
 
 
 
92
 
93
- def param_accordion(according_visible=True):
94
- with gr.Accordion("Parameters", open=True, visible=according_visible):
95
- model_name = gr.Dropdown(
96
- choices=["cmu-lti/sotopia-pi-mistral-7b-BC_SR", "mistralai/Mistral-7B-Instruct-v0.1", "GPT3.5"], # Example model choices
97
- value="cmu-lti/sotopia-pi-mistral-7b-BC_SR", # Default value
98
- interactive=True,
99
- label="Model Selection",
100
- )
101
- temperature = gr.Slider(
102
- minimum=0.1,
103
- maximum=1.0,
104
- value=0.7,
105
- step=0.1,
106
- interactive=True,
107
- label="Temperature",
108
- )
109
- max_tokens = gr.Slider(
110
- minimum=1024,
111
- maximum=4096,
112
- value=1024,
113
- step=1,
114
- interactive=True,
115
- label="Max Tokens",
116
- )
117
- top_p = gr.Slider(
118
- minimum=1,
119
- maximum=3,
120
- value=1,
121
- interactive=True,
122
- visible=True,
123
- label="Top p",
124
- )
125
- return temperature, top_p, max_tokens, model_name
126
 
 
 
 
 
 
127
 
128
- def sotopia_info_accordion(human_agent, machine_agent, scenario, accordion_visible=True):
 
129
  with gr.Accordion("Sotopia Information", open=accordion_visible):
130
- with gr.Row():
131
- user_name = gr.Textbox(
132
- lines=1,
133
- label="Human Agent Name",
134
- value=human_agent.name,
135
- interactive=True,
136
- placeholder="Enter human agent name",
137
- )
138
- bot_name = gr.Textbox(
139
- lines=1,
140
- label="Machine Agent Name",
141
- value=machine_agent.name,
142
  interactive=True,
143
- placeholder="Enter machine agent name",
144
  )
145
- scenario_textbox = gr.Textbox(
146
- lines=4,
147
- label="Scenario Description",
148
- value=scenario,
 
 
149
  interactive=True,
150
- placeholder="Enter scenario description",
151
  )
152
- return user_name, bot_name, scenario_textbox
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
153
 
154
  def instructions_accordion(instructions, according_visible=False):
155
  with gr.Accordion("Instructions", open=False, visible=according_visible):
@@ -166,22 +212,17 @@ def instructions_accordion(instructions, according_visible=False):
166
 
167
 
168
  def chat_tab():
169
- #model, tokenizer = prepare()
170
- human_agent, machine_agent, scenario, instructions = prepare_sotopia_info()
171
-
172
  # history are input output pairs
173
  def run_chat(
174
- message: str,
175
  history,
176
- instructions: str,
177
- user_name: str,
178
- bot_name: str,
179
- temperature: float,
180
- top_p: float,
181
- max_tokens: int,
182
  model_selection:str
183
  ):
184
- model, tokenizer = prepare(model_selection)
 
185
  prompt = format_sotopia_prompt(
186
  message, history, instructions, user_name, bot_name
187
  )
@@ -191,9 +232,9 @@ def chat_tab():
191
  input_length = input_tokens.shape[-1]
192
  output_tokens = model.generate(
193
  input_tokens,
194
- temperature=temperature,
195
- top_p=top_p,
196
- max_length=max_tokens,
197
  pad_token_id=tokenizer.eos_token_id,
198
  num_return_sequences=1,
199
  )
@@ -201,7 +242,6 @@ def chat_tab():
201
  text_output = tokenizer.decode(
202
  output_tokens[0], skip_special_tokens=True
203
  )
204
- # import pdb; pdb.set_trace()
205
  output = ""
206
  for _ in range(5):
207
  try:
@@ -211,14 +251,13 @@ def chat_tab():
211
  print(e)
212
  print("Retrying...")
213
  return output
214
-
 
215
  with gr.Column():
216
  with gr.Row():
217
- temperature, top_p, max_tokens, model = param_accordion()
218
- user_name, bot_name, scenario = sotopia_info_accordion(human_agent, machine_agent, scenario)
219
-
220
- instructions = instructions_accordion(instructions)
221
-
222
  with gr.Column():
223
  with gr.Blocks():
224
  gr.ChatInterface(
@@ -240,13 +279,10 @@ def chat_tab():
240
  rtl=False,
241
  ),
242
  additional_inputs=[
243
- instructions,
244
- user_name,
245
- bot_name,
246
- temperature,
247
- top_p,
248
- max_tokens,
249
- model,
250
  ],
251
  submit_btn="Send",
252
  stop_btn="Stop",
@@ -282,5 +318,6 @@ def start_demo():
282
 
283
 
284
  if __name__ == "__main__":
285
- prepare(DEFAULT_MODEL_SELECTION)
 
286
  start_demo()
 
1
  import os
2
+ from collections import defaultdict
3
  from dataclasses import dataclass
4
  from uuid import uuid4
5
+ import json
6
 
7
  import gradio as gr
8
  import torch
 
14
  BitsAndBytesConfig,
15
  )
16
 
17
+ from utils import Environment, Agent, format_sotopia_prompt, get_starter_prompt, format_bot_message
18
  from functools import cache
19
 
20
  DEPLOYED = os.getenv("DEPLOYED", "true").lower() == "true"
21
  DEFAULT_MODEL_SELECTION = "cmu-lti/sotopia-pi-mistral-7b-BC_SR" # "mistralai/Mistral-7B-Instruct-v0.1"
22
+ TEMPERATURE = 0.0
23
+ TOP_P = 1
24
+ MAX_TOKENS = 1024
25
 
26
+ ENVIRONMENT_PROFILES = "profiles/environment_profiles.jsonl"
27
+ AGENT_PROFILES = "profiles/agent_profiles.jsonl"
28
+ RELATIONSHIP_PROFILES = "profiles/relationship_profiles.jsonl"
 
 
 
 
 
29
 
 
 
 
 
 
 
 
30
 
31
+ @cache
32
+ def get_sotopia_profiles(env_file=ENVIRONMENT_PROFILES, agent_file=AGENT_PROFILES, relationship_file=RELATIONSHIP_PROFILES):
33
+ with open(env_file, 'r') as f:
34
+ data = [json.loads(line) for line in f.readlines()]
35
+
36
+ code_names_count = defaultdict(int)
37
+ environments = []
38
+ environment_dict = {}
39
+ for profile in sorted(data, key=lambda x: x['codename']):
40
+ env_obj = Environment(profile)
41
+ if profile['codename'] in code_names_count:
42
+ environments.append((
43
+ "{}_{:05d}".format(profile['codename'],
44
+ code_names_count[profile['codename']]
45
+ ),
46
+ env_obj._id
47
+ ))
48
+ else:
49
+ environments.append((profile['codename'], env_obj._id))
50
+ environment_dict[env_obj._id] = env_obj
51
+ code_names_count[profile['codename']] += 1
52
+
53
+ with open(agent_file, 'r') as f:
54
+ data = [json.loads(line) for line in f.readlines()]
55
+
56
+ agent_dict = {}
57
+ for profile in data:
58
+ agent_obj = Agent(profile)
59
+ agent_dict[agent_obj._id] = agent_obj
60
+
61
+ with open(relationship_file, 'r') as f:
62
+ data = [json.loads(line) for line in f.readlines()]
63
+
64
+ relationship_dict = defaultdict(lambda : defaultdict(list))
65
+ for profile in data:
66
+ relationship_dict[profile['relationship']][profile['agent1_id']].append(profile['agent2_id'])
67
+ relationship_dict[profile['relationship']][profile['agent2_id']].append(profile['agent1_id'])
68
+
69
+ return environments, environment_dict, agent_dict, relationship_dict
70
 
71
  @cache
72
+ def prepare_model(model_name):
73
  compute_type = torch.float16
74
 
75
  if 'cmu-lti/sotopia-pi-mistral-7b-BC_SR'in model_name:
 
116
  """
117
  )
118
 
119
+ def create_user_agent_dropdown(environment_id):
120
+ _, environment_dict, agent_dict, relationship_dict = get_sotopia_profiles()
121
+ environment = environment_dict[environment_id]
122
+
123
+ user_agents_list = []
124
+ unique_agent_ids = set()
125
+ for x, _ in relationship_dict[environment.relationship].items():
126
+ unique_agent_ids.add(x)
127
+
128
+ for agent_id in unique_agent_ids:
129
+ user_agents_list.append((agent_dict[agent_id].name, agent_id))
130
+ return gr.Dropdown(choices=user_agents_list, value=user_agents_list[0][1] if user_agents_list else None, label="User Agent Selection")
131
 
132
+ def create_bot_agent_dropdown(environment_id, user_agent_id):
133
+ _, environment_dict, agent_dict, relationship_dict = get_sotopia_profiles()
134
+ environment, user_agent = environment_dict[environment_id], agent_dict[user_agent_id]
135
+
136
+ bot_agent_list = []
137
+ for neighbor_id in relationship_dict[environment.relationship][user_agent.agent_id]:
138
+ bot_agent_list.append((agent_dict[neighbor_id].name, neighbor_id))
139
+
140
+ return gr.Dropdown(choices=bot_agent_list, value=bot_agent_list[0][1] if bot_agent_list else None, label="Bot Agent Selection")
141
+
142
+ def create_environment_info(environment_dropdown):
143
+ _, environment_dict, _, _ = get_sotopia_profiles()
144
+ environment = environment_dict[environment_dropdown]
145
+ text = environment.scenario
146
+ return gr.Textbox(label="Scenario Information", lines=4, value=text)
147
+
148
+ def create_user_info(environment_dropdown, user_agent_dropdown):
149
+ _, environment_dict, agent_dict, _ = get_sotopia_profiles()
150
+ environment, user_agent = environment_dict[environment_dropdown], agent_dict[user_agent_dropdown]
151
+ text = f"{user_agent.background} {user_agent.personality} \n {environment.agent_goals[0]}"
152
+ return gr.Textbox(label="User Agent Profile", lines=4, value=text)
 
 
 
 
 
 
 
 
 
 
 
 
153
 
154
+ def create_bot_info(environment_dropdown, bot_agent_dropdown):
155
+ _, environment_dict, agent_dict, _ = get_sotopia_profiles()
156
+ environment, bot_agent = environment_dict[environment_dropdown], agent_dict[bot_agent_dropdown]
157
+ text = f"{bot_agent.background} {bot_agent.personality} \n {environment.agent_goals[1]}"
158
+ return gr.Textbox(label="Bot Agent Profile", lines=4, value=text)
159
 
160
+ def sotopia_info_accordion(accordion_visible=True):
161
+
162
  with gr.Accordion("Sotopia Information", open=accordion_visible):
163
+ with gr.Column():
164
+ model_name_dropdown = gr.Dropdown(
165
+ choices=["cmu-lti/sotopia-pi-mistral-7b-BC_SR", "mistralai/Mistral-7B-Instruct-v0.1", "GPT3.5"],
166
+ value="cmu-lti/sotopia-pi-mistral-7b-BC_SR",
 
 
 
 
 
 
 
 
167
  interactive=True,
168
+ label="Model Selection"
169
  )
170
+ with gr.Row():
171
+ environments, _, _, _ = get_sotopia_profiles()
172
+ environment_dropdown = gr.Dropdown(
173
+ choices=environments,
174
+ label="Scenario Selection",
175
+ value=environments[0][1] if environments else None,
176
  interactive=True,
 
177
  )
178
+ print(environment_dropdown.value)
179
+ user_agent_dropdown = create_user_agent_dropdown(environment_dropdown.value)
180
+ bot_agent_dropdown = create_bot_agent_dropdown(environment_dropdown.value, user_agent_dropdown.value)
181
+
182
+ with gr.Row():
183
+ scenario_info_display = create_environment_info(environment_dropdown.value)
184
+ user_agent_info_display = create_user_info(environment_dropdown.value, user_agent_dropdown.value)
185
+ bot_agent_info_display = create_bot_info(environment_dropdown.value, bot_agent_dropdown.value)
186
+
187
+ # Update user dropdown when scenario changes
188
+ environment_dropdown.change(fn=create_user_agent_dropdown, inputs=[environment_dropdown], outputs=[user_agent_dropdown])
189
+ # Update bot dropdown when user or scenario changes
190
+ user_agent_dropdown.change(fn=create_bot_agent_dropdown, inputs=[environment_dropdown, user_agent_dropdown], outputs=[bot_agent_dropdown])
191
+ # Update scenario information when scenario changes
192
+ environment_dropdown.change(fn=create_environment_info, inputs=[environment_dropdown], outputs=[scenario_info_display])
193
+ # Update user agent profile when user changes
194
+ user_agent_dropdown.change(fn=create_user_info, inputs=[environment_dropdown, user_agent_dropdown], outputs=[user_agent_info_display])
195
+ # Update bot agent profile when bot changes
196
+ bot_agent_dropdown.change(fn=create_bot_info, inputs=[environment_dropdown, bot_agent_dropdown], outputs=[bot_agent_info_display])
197
+
198
+ return model_name_dropdown, environment_dropdown, user_agent_dropdown, bot_agent_dropdown
199
 
200
  def instructions_accordion(instructions, according_visible=False):
201
  with gr.Accordion("Instructions", open=False, visible=according_visible):
 
212
 
213
 
214
  def chat_tab():
 
 
 
215
  # history are input output pairs
216
  def run_chat(
217
+ message,
218
  history,
219
+ instructions,
220
+ user_agent_dropdown,
221
+ bot_agent_dropdown,
 
 
 
222
  model_selection:str
223
  ):
224
+ user_name, bot_name = user_agent_dropdown.value.name, bot_agent_dropdown.value.name
225
+ model, tokenizer = prepare_model(model_selection)
226
  prompt = format_sotopia_prompt(
227
  message, history, instructions, user_name, bot_name
228
  )
 
232
  input_length = input_tokens.shape[-1]
233
  output_tokens = model.generate(
234
  input_tokens,
235
+ temperature=TEMPERATURE,
236
+ top_p=TOP_P,
237
+ max_length=MAX_TOKENS,
238
  pad_token_id=tokenizer.eos_token_id,
239
  num_return_sequences=1,
240
  )
 
242
  text_output = tokenizer.decode(
243
  output_tokens[0], skip_special_tokens=True
244
  )
 
245
  output = ""
246
  for _ in range(5):
247
  try:
 
251
  print(e)
252
  print("Retrying...")
253
  return output
254
+
255
+ _, environment_dict, agent_dict, _ = get_sotopia_profiles()
256
  with gr.Column():
257
  with gr.Row():
258
+ model_name_dropdown, scenario_dropdown, user_agent_dropdown, bot_agent_dropdown = sotopia_info_accordion()
259
+ starter_prompt = gr.Textbox(value=get_starter_prompt(agent_dict[user_agent_dropdown.value], agent_dict[bot_agent_dropdown.value], environment_dict[scenario_dropdown.value]), label="Modify the prompt as needed:", visible=False)
260
+
 
 
261
  with gr.Column():
262
  with gr.Blocks():
263
  gr.ChatInterface(
 
279
  rtl=False,
280
  ),
281
  additional_inputs=[
282
+ starter_prompt,
283
+ user_agent_dropdown,
284
+ bot_agent_dropdown,
285
+ model_name_dropdown,
 
 
 
286
  ],
287
  submit_btn="Send",
288
  stop_btn="Stop",
 
318
 
319
 
320
  if __name__ == "__main__":
321
+ get_sotopia_profiles()
322
+ # prepare_model(DEFAULT_MODEL_SELECTION)
323
  start_demo()
profiles/agent_profiles.jsonl ADDED
@@ -0,0 +1,40 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {"agent_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "first_name": "Amara", "last_name": "Hartley", "age": 29, "occupation": "Wildlife Biologist", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Amara Hartley spends her free time helping endangered animals and is a nature enthusiast. Her passion for animals and the environment is notable.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - Low; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care", " Fairness"], "schwartz_personal_values": ["Universalism", " Benevolence", " Self-Direction"], "personality_and_values": "Amara Hartley is open-minded, ambiverted, and can be emotionally volatile. A believer in universalism and benevolence, Amara is analytical and intuitive in her decision-making.", "decision_making_style": "Analytica, intuitive", "secret": "Secretly involved in animal-rights extremism", "mbti": "INFJ"}
2
+ {"agent_id": "01H5TNE5PR54W6SFXKNQWKGPAS", "first_name": "Baxter", "last_name": "Sterling", "age": 42, "occupation": "Antique Restorer", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Baxter Sterling's back yard is full of rare and unusual plants.", "big_five": "Openness to Experience - Low; Conscientiousness - Low; Extraversion - Low; Agreeableness - Low; Neuroticism - High", "moral_values": ["Loyalty", " Liberty"], "schwartz_personal_values": ["Tradition", " Achievement", " Security"], "personality_and_values": "Baxter Sterling values tradition and security. He is introverted, conscientious but slightly anxious. His decision-making style is both logical and spontaneous.", "decision_making_style": "Logical, spontaneous", "secret": "Secretly in possession of a priceless artifact", "mbti": "ISTP"}
3
+ {"agent_id": "01H5TNE5PWZ5PNDTGKDYRY36PQ", "first_name": "Giselle", "last_name": "Rousseau", "age": 21, "occupation": "Art Student", "gender": "Nonbinary", "gender_pronoun": "They/them", "public_info": "Giselle Rousseau enjoys biking and photography.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - High; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care", " Fairness"], "schwartz_personal_values": ["Stimulation", " Self-Direction", " Achievement"], "personality_and_values": "Giselle Rousseau, open-minded and outgoing yet sensitive, advocates care and fairness. Her decision-making is intuitive and inclusive.", "decision_making_style": "Intuitive, collaborative", "secret": "Sells forged paintings to wealthy clients", "mbti": "ENFJ"}
4
+ {"agent_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "first_name": "Sophia", "last_name": "James", "age": 27, "occupation": "Personal Trainer", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Sophia enjoys spending time outdoors, hiking, and rock climbing.", "big_five": "Openness to Experience - Low; Conscientiousness - Low; Extraversion - High; Agreeableness - High; Neuroticism - High", "moral_values": ["Fairness/Cheating"], "schwartz_personal_values": ["Hedonism"], "personality_and_values": "Sophia James is exuberant, spontaneous, and pleasure-seeking, often making impulsive decisions. ", "decision_making_style": "Spontaneous", "secret": "Secretly in love with her best friend's husband", "mbti": "ESFP"}
5
+ {"agent_id": "01H5TNE5PFT9HH0WRT6W1NY5GZ", "first_name": "Leo", "last_name": "Williams", "age": 37, "occupation": "Dentist", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Leo Williams often spends his time playing with his young daughter whom he cherishes dearly.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - High; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care/Harm"], "schwartz_personal_values": ["Security"], "personality_and_values": "Leo Williams, despite being quiet, values security and care for others. He's a rational decision-maker focussing on best outcomes.", "decision_making_style": "Rational", "secret": "He has a secret child from a previous relationship.", "mbti": "ESFJ"}
6
+ {"agent_id": "01H5TNE5P83CZ1TDBVN74NGEEJ", "first_name": "William", "last_name": "Brown", "age": 35, "occupation": "Chef", "gender": "Man", "gender_pronoun": "He/him", "public_info": "William Brown loves exploring the food scene in his city and trying out new recipes at home.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - High; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Care/Harm"], "schwartz_personal_values": ["Achievement"], "personality_and_values": "William Brown is an ambitious and extraverted individual. Methodical and organized, he values achievement and displays strategic decision-making.", "decision_making_style": "Strategic", "secret": "Sabotaged a competitor's dish to win a cooking contest", "mbti": "ENTJ"}
7
+ {"agent_id": "01H5TNE5PC2DP6RKG0KNQ4D5GE", "first_name": "Samuel", "last_name": "Anderson", "age": 29, "occupation": "Software Developer", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Samuel Anderson can cook very well.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Sanctity/Purity"], "schwartz_personal_values": ["Hedonism"], "personality_and_values": "Samuel Anderson, though somewhat impulsive and free-spirited, values enjoyment. His decision-making is often spontaneous, staying within familiar boundaries.", "decision_making_style": "Spontaneous", "secret": "He was once a competitive figure skater.", "mbti": "ISTJ"}
8
+ {"agent_id": "01H5TNE5PDV7WZ0C5KTGGXX1NR", "first_name": "Isabelle", "last_name": "Martinez", "age": 22, "occupation": "Student", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Isabelle Martinez works part-time in a coffee shop.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - High; Agreeableness - High; Neuroticism - High", "moral_values": ["Liberty"], "schwartz_personal_values": ["Obedience"], "personality_and_values": "Isabelle Martinez, an imaginative yet anxious individual, values liberty and obedience. Her cautious nature drives her decision-making process.", "decision_making_style": "Cautious", "secret": "She is secretly studying magic.", "mbti": "ENFP"}
9
+ {"agent_id": "01H5TNE5PPK39HR52G61PQ5KQ7", "first_name": "Zane", "last_name": "Bennett", "age": 38, "occupation": "Graphic Designer", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Zane Bennett finds solace in music and often plays the guitar in his downtime. ", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - High; Agreeableness - High; Neuroticism - Low", "moral_values": ["Fairness/Reciprocity"], "schwartz_personal_values": ["Achievement"], "personality_and_values": "Zane Bennett is creative and outgoing, he values achievement and fairness. His decision-making is unique, often finding novel solutions to problems.", "decision_making_style": "Creative", "secret": "He's secretly engaged to his best friend's ex.", "mbti": "ENFJ"}
10
+ {"agent_id": "01H5TNE5P8F9NJ2QK2YP5HPXKH", "first_name": "Ava", "last_name": "Martinez", "age": 22, "occupation": "College Student", "gender": "Nonbinary", "gender_pronoun": "They/them", "public_info": "Ava Martinez is a college student known for their active involvement in social movements on campus. Beside being passionate about social justice, they spend their free time drawing and writing poetry.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - High; Agreeableness - High; Neuroticism - High", "moral_values": ["Sanctity/Degradation"], "schwartz_personal_values": ["Universalism"], "personality_and_values": "Ava Martinez is creative and extraverted, yet emotional. Championing justice and equality, her decision-making is often flexible.", "decision_making_style": "Flexible", "secret": "Keeps their bisexuality a secret from her conservative family", "mbti": "ENFP"}
11
+ {"agent_id": "01H5TNE5PFB4W65DF8FRPDMET5", "first_name": "Sophia", "last_name": "Brown", "age": 25, "occupation": "Psychologist", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Sophia Brown is working on her new book now.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - Low; Agreeableness - High; Neuroticism - High", "moral_values": ["Fairness/Reciprocity"], "schwartz_personal_values": ["Universalism"], "personality_and_values": "Sophia Brown, open-minded and sensitive, values fairness. Her decision-making style is analytical.", "decision_making_style": "Analytical", "secret": "She is an undercover agent for a secret organization.", "mbti": "INFP"}
12
+ {"agent_id": "01H5TNE5PY896ASNX8XGQA6AE0", "first_name": "Hendrick", "last_name": "Heinz", "age": 54, "occupation": "Chef", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Hendrick Heinz hosts monthly wine tasting nights with his peers.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Authority", " Loyalty"], "schwartz_personal_values": ["Conformity", " Security", " Hedonism"], "personality_and_values": "Hendrick Heinz, though somewhat impulsive, values hedonism and conformity. He combines practicality with decisiveness in decision-making.", "decision_making_style": "Practical, decisive", "secret": "Faked his culinary credentials to secure prestigious employment", "mbti": "ISTJ"}
13
+ {"agent_id": "01H5TNE5PAZABGW79HJ07TACCZ", "first_name": "Mia", "last_name": "Davis", "age": 50, "occupation": "High School Principal", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Mia Davis has two cats.", "big_five": "Openness to Experience - Low; Conscientiousness - Low; Extraversion - High; Agreeableness - Low; Neuroticism - High", "moral_values": ["Authority/Subversion"], "schwartz_personal_values": ["Tradition"], "personality_and_values": "Mia Davis, an extraverted stickler for routines, values tradition and authority. Her decision-making style is decisive and direct.", "decision_making_style": "Decisive", "secret": "Part of a rebellious punk rock band in her youth", "mbti": "ESTP"}
14
+ {"agent_id": "01H5TNE5PC6YGRH72RQAM862JH", "first_name": "Lily", "last_name": "Greenberg", "age": 45, "occupation": "Lawyer", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Lily Greenberg is a hard-working and successful lawyer.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Authority&Loyalty"], "schwartz_personal_values": ["Self-Direction"], "personality_and_values": "Lily Greenberg, a strong respecter of rules and schedules, values authority and loyalty. She approaches decisions rationally and practically.", "decision_making_style": "Rational", "secret": "She anonymously donates to charity.", "mbti": "INTJ"}
15
+ {"agent_id": "01H5TNE5P98J20AEW94XQ0KC35", "first_name": "Ethan", "last_name": "Smith", "age": 29, "occupation": "Software Developer", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Ethan enjoys reading about new technological advancements and watching documentaries.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Fairness/Cheating"], "schwartz_personal_values": ["Universalism"], "personality_and_values": "Ethan Smith is a reserved, independent thinker. Holding universalism and fairness near, he ponders deeply before making decisions.", "decision_making_style": "Rational", "secret": "Secretly donates to charities for underprivileged children", "mbti": "INTP"}
16
+ {"agent_id": "01H5TNE5PMBJ9VHH51YC0BB64C", "first_name": "Rafael", "last_name": "Cortez", "age": 45, "occupation": "Surgeon", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Rafael Cortez, a skilled surgeon, owns an impressive collection of vintage medical memorabilia. During his leisure time, he enjoys playing chess and visiting historical landmarks.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - High; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Care/Harm"], "schwartz_personal_values": ["Self-direction"], "personality_and_values": "Rafael Cortez, with his outgoing nature and competitive spirit, believes in self-direction. He employs a systematic approach to his decisions.", "decision_making_style": "Systematic", "secret": "He cheated on his medical school exams.", "mbti": "ESTJ"}
17
+ {"agent_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "first_name": "Ethan", "last_name": "Johnson", "age": 34, "occupation": "Chef", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Ethan Johnson is famous for cooking Italian food.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - High; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Fairness/Reciprocity"], "schwartz_personal_values": ["Power"], "personality_and_values": "Ethan Johnson, a creative yet somewhat reserved individual, values power and fairness. He likes to analyse situations before deciding.", "decision_making_style": "Analytical", "secret": "He is a closeted romance novel author.", "mbti": "ENTP"}
18
+ {"agent_id": "01H5TNE5PE9RQGH86YM6MSWZMW", "first_name": "Mia", "last_name": "Sanders", "age": 33, "occupation": "Nurse", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Mia Sanders often brings her son to the hospital.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - Low; Agreeableness - High; Neuroticism - Low", "moral_values": ["In-group Loyalty"], "schwartz_personal_values": ["Conformity"], "personality_and_values": "Mia Sanders, a careful follower of routines, values loyalty and conformity. Her decisions rely heavily on intuition.", "decision_making_style": "Intuitive", "secret": "She is a talented painter but never shares her work.", "mbti": "ISFJ"}
19
+ {"agent_id": "01H5TNE5P7VW4DY1KB09FZE730", "first_name": "Liam", "last_name": "Johnson", "age": 60, "occupation": "Retired Police Officer", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Liam Johnson is a dedicated dog owner and can often be seen walking his aging Border Collie around the neighborhood.", "big_five": "Openness to Experience - Low; Conscientiousness - Low; Extraversion - Low; Agreeableness - Low; Neuroticism - High", "moral_values": ["Loyalty/Betrayal"], "schwartz_personal_values": ["Security"], "personality_and_values": "Liam Johnson is reserved, empathetic, and slightly anxious. His priority is security, guided by logical decision-making.", "decision_making_style": "Logical", "secret": "Once let a criminal go due to sympathy", "mbti": "ISTP"}
20
+ {"agent_id": "01H5TNE5Q1QG5SBJ8HV7GJ0FS3", "first_name": "Imelda", "last_name": "Thorne", "age": 35, "occupation": "Astrophysicist", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Imelda Thorne finds relaxation in playing the cello, an instrument she mastered while in college.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Liberty", " Care"], "schwartz_personal_values": ["Universalism", " Achievement", " Self-Direction"], "personality_and_values": "Imelda Thorne, imaginative and expressive, favours universalism, achievement, and self-direction. Her decisions are analytically and innovatively shaped.", "decision_making_style": "Analytical, innovative", "secret": "Leaked critical research data to a foreign government", "mbti": "INTJ"}
21
+ {"agent_id": "01H5TNE5Q1J7Z7Q12WA1W90MR9", "first_name": "Jaxon", "last_name": "Prentice", "age": 40, "occupation": "Investigative Journalist", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Jaxon Prentice, an investigative journalist, is known for his brisk jogging sessions early in the morning and his active participation in community functions.", "big_five": "Openness to Experience - Low; Conscientiousness - Low; Extraversion - High; Agreeableness - Low; Neuroticism - High", "moral_values": ["Fairness", " Loyalty"], "schwartz_personal_values": ["Power", " Achievement", " Security"], "personality_and_values": "Jaxon Prentice, outgoing yet erratic, emphasizes achievement, power, and security. His decisions swing between quick adaptations to situations and careful planning.", "decision_making_style": "Adaptable, thorough", "secret": "Fabricated evidence to incriminate a corrupt politician", "mbti": "ESTP"}
22
+ {"agent_id": "01H5TNE5PT8KW11GZ99Q0T43V4", "first_name": "Esmeralda", "last_name": "Solis", "age": 45, "occupation": "District Attorney", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Esmeralda Solis is an accomplished District Attorney who has a weakness for ballroom dancing and enjoys practising in her leisure time.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - High; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Authority", " Liberty"], "schwartz_personal_values": ["Power", " Achievement", " Security"], "personality_and_values": "Esmeralda Solis, known for her creativity and extraversion, values authority and liberty. She makes strategic, decisive decisions.", "decision_making_style": "Strategic, decisive", "secret": "Has undisclosed romantic relationships with several high-profile criminals", "mbti": "ENTJ"}
23
+ {"agent_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "first_name": "Noah", "last_name": "Davis", "age": 40, "occupation": "Coach", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Noah Davis has a swimming pool.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - High; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care/Harm"], "schwartz_personal_values": ["Stimulation"], "personality_and_values": "Noah Davis, who is somewhat reserved and anxious, highly prioritizes care and protection for others. He is cautious when making decisions.", "decision_making_style": "Cautious", "secret": "He has a secret identity as a stand-up comedian.", "mbti": "ENFJ"}
24
+ {"agent_id": "01H5TNE5PJRM958QWP3BHWY9DY", "first_name": "Micah", "last_name": "Stevens", "age": 25, "occupation": "Pharmacist", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Micah Stevens has a great taste for fashion.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - High; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Fairness/Reciprocity"], "schwartz_personal_values": ["Power"], "personality_and_values": "Micah Stevens is imaginative and extraverted but can also be impulsive. He values power and fairness and often follows an intuitive decision-making approach.", "decision_making_style": "Intuitive", "secret": "He secretly loves to dress up his dog.", "mbti": "ENTP"}
25
+ {"agent_id": "01H5TNE5P5EP6YJKPAT92ENQS6", "first_name": "Emily", "last_name": "Harrison", "age": 32, "occupation": "Librarian", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "In Emily's free time, she enjoys writing and is an avid reader. Early in the mornings, she can be seen in the local park, taking long, contemplative walks.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - Low; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care/Harm"], "schwartz_personal_values": ["Benevolence"], "personality_and_values": "Emily Harrison is creative, thoughtful, and introverted. She values caring, often relying on her intuition to make decisions.", "decision_making_style": "Intuitive", "secret": "Secretly writes romance novels under a pseudonym", "mbti": "INFJ"}
26
+ {"agent_id": "01H5TNE5PAATSHM0K9ACWKN79P", "first_name": "Benjamin", "last_name": "Jackson", "age": 24, "occupation": "Environmental Activist", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Benjamin Jackson is well-known for his impassioned speeches.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - High; Agreeableness - High; Neuroticism - Low", "moral_values": ["Liberty/Oppression"], "schwartz_personal_values": ["Self-Direction"], "personality_and_values": "Benjamin Jackson, expressive and imaginative, leans towards self-direction and liberty. His decisions aim for societal betterment.", "decision_making_style": "Idealistic", "secret": "Descendant of a wealthy oil tycoon, rejects family fortune", "mbti": "ENFJ"}
27
+ {"agent_id": "01H5TNE5PT06B3QPXJ65HHACV7", "first_name": "Donovan", "last_name": "Reeves", "age": 27, "occupation": "Software Developer", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Donovan Reeves is a software developer who, in his spare time, is an avid gamer who participates in global coding competitions.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Authority", " Care"], "schwartz_personal_values": ["Universalism", " Conformity", " Self-Direction"], "personality_and_values": "Donovan Reeves values authority and care. Even though he's outgoing and hardworking, he can be somewhat moody. His decision-making style varies according to the situation at hand.", "decision_making_style": "Analytical, flexible", "secret": "Secretly releasing classified government information online", "mbti": "INTP"}
28
+ {"agent_id": "01H5TNE5PDTDGA0BPYKBYFTHDY", "first_name": "Oliver", "last_name": "Smith", "age": 43, "occupation": "Police Officer", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Oliver Smith built a tree house in his backyard.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - High; Agreeableness - Low; Neuroticism - Low", "moral_values": ["In-group Loyalty"], "schwartz_personal_values": ["Benevolence"], "personality_and_values": "Oliver Smith, introverted and organized, values benevolence. His orderly way of thinking guides his decision-making.", "decision_making_style": "Systematic", "secret": "He loves gardening and has a secret greenhouse.", "mbti": "ESTJ"}
29
+ {"agent_id": "01H5TNE5PJTHMQ1Q3T398YN990", "first_name": "Sasha", "last_name": "Ramirez", "age": 42, "occupation": "Police Officer", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Sasha Ramirez, a dedicated police officer, brings her commitment to protect the community even at home, nurturing an impressive home garden.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Authority/Loyalty"], "schwartz_personal_values": ["Hedonism"], "personality_and_values": "Sasha Ramirez, outgoing yet anxious, values hedonism and authority. Her decisions are guided by logical considerations.", "decision_making_style": "Logical", "secret": "She covered up a crime her brother committed.", "mbti": "INTJ"}
30
+ {"agent_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "first_name": "Oliver", "last_name": "Thompson", "age": 45, "occupation": "Architect", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Oliver enjoys painting in his free time as a way to express his creativity and relax after a stressful workday.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - High; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Authority/Subversion"], "schwartz_personal_values": ["Conformity"], "personality_and_values": "Oliver Thompson is meticulous and outgoing with a penchant for analytical decision-making. He values adherence to social standards.", "decision_making_style": "Analytical", "secret": "Has a hidden feeling for his neighbor", "mbti": "ESTJ"}
31
+ {"agent_id": "01H5TNE5PM4XE5NN12WCGTZSDW", "first_name": "Gwen", "last_name": "Pierce", "age": 31, "occupation": "Social Worker", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Gwen Pierce, a compassionate social worker, has two adopted cats that she spoils with love. In her spare time, she enjoys knitting and often donates her creations to charity.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - Low; Agreeableness - High; Neuroticism - High", "moral_values": ["Liberty/Justice"], "schwartz_personal_values": ["Universalism"], "personality_and_values": "Gwen Pierce, imaginative and emotional, deeply values liberty and fairness. She often contemplates before making any decision.", "decision_making_style": "Cautious", "secret": "She gave up a child for adoption when she was 16.", "mbti": "INFP"}
32
+ {"agent_id": "01H5TNE5PW9SZFM058Z8P7PR5C", "first_name": "Finnegan", "last_name": "O'Malley", "age": 63, "occupation": "Lighthouse Keeper", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Finnegan O'Malley enjoys painting seascapes and is known to be quite skilled.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - Low; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care", " Loyalty"], "schwartz_personal_values": ["Benevolence", " Tradition", " Security"], "personality_and_values": "Finnegan O'Malley, an introverted and methodical individual, sways towards tradition and security. His decision-making approach is deliberate and detailed.", "decision_making_style": "Detail-oriented, deliberate", "secret": "Participated in a controversial, short-lived cult during his youth", "mbti": "ISFJ"}
33
+ {"agent_id": "01H5TNE5PKW8P500417PMSGSAC", "first_name": "Miles", "last_name": "Hawkins", "age": 50, "occupation": "Chef", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Miles Hawkins, a chef, is a green thumb enthusiast and spends his free time tending to his kitchen garden, using some of his fresh produce in his dishes.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - High; Agreeableness - High; Neuroticism - Low", "moral_values": ["Sanctity/Purity"], "schwartz_personal_values": ["Benevolence"], "personality_and_values": "Miles Hawkins, spontaneous and free-spirited, values sanctity and benevolence. He is impulsive and relies on his instincts when making decisions.", "decision_making_style": "Impulsive", "secret": "He's a recovering gambling addict.", "mbti": "ESFJ"}
34
+ {"agent_id": "01H5TNE5PSDH2H6JXYZ9ZRG7A4", "first_name": "Calista", "last_name": "Sinclair", "age": 34, "occupation": "Fashion Designer", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Calista Sinclair is an avid runner and health enthusiast. ", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - High; Agreeableness - High; Neuroticism - High", "moral_values": ["Fairness", " Liberty"], "schwartz_personal_values": ["Self-Direction", " Stimulation", " Hedonism"], "personality_and_values": "Calista Sinclair is vivacious, life-loving, and disorganized. She values self-direction, stimulation, and hedonism, displaying a free-spirited decision-making style.", "decision_making_style": "Creative, enthusiastic", "secret": "Maintains a double life as an underground street artist", "mbti": "ENFP"}
35
+ {"agent_id": "01H5TNE5PHQKQYWS9ZS2JVEYFS", "first_name": "Lena", "last_name": "Goodwin", "age": 37, "occupation": "Architect", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "In her downtime, Lena Goodwin, an architect, enjoys landscape photography, capturing beautiful images of the buildings and structures she designs.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - Low; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care/Harm"], "schwartz_personal_values": ["Achievement"], "personality_and_values": "Lena Goodwin is an organized and introverted individual. She values achievement and attentiveness and her decision-making is largely analytical.", "decision_making_style": "Analytical", "secret": "She once stole her best friend's boyfriend.", "mbti": "ISFJ"}
36
+ {"agent_id": "01H5TNE5PN656EADK59K4DG793", "first_name": "Naomi", "last_name": "Fletcher", "age": 29, "occupation": "Software Developer", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Naomi Fletcher, a software developer, enjoys coding personal projects and gaming in her free time. She is also a dedicated mentor in a local coding boot camp helping others learn and enhance their skills in software development.", "big_five": "Openness to Experience - High; Conscientiousness - Low; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Ingroup/Loyalty"], "schwartz_personal_values": ["Conformity"], "personality_and_values": "Naomi Fletcher, a meticulous introvert who values loyalty and conformity. She lets her instincts guide her choices.", "decision_making_style": "Intuitive", "secret": "She has a secret online alter ego.", "mbti": "INTP"}
37
+ {"agent_id": "01H5TNE5PBKCFDAK6293NKYJ4D", "first_name": "Ava", "last_name": "Thompson", "age": 28, "occupation": "Architect", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Ava Thompson has a samoyed.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - Low; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care/Harm"], "schwartz_personal_values": ["Achievement"], "personality_and_values": "Ava Thompson, with her outgoing and regulated temperament, is driven by achievement. Her decision-making style is largely intuitive.", "decision_making_style": "Intuitive", "secret": "She has a hidden tattoo.", "mbti": "INFJ"}
38
+ {"agent_id": "01H5TNE5PQ00AJVSSVB9V2VA9K", "first_name": "Eli", "last_name": "Dawson", "age": 52, "occupation": "Forensic psychiatrist", "gender": "Man", "gender_pronoun": "He/him", "public_info": "Eli Dawson, a forensic psychiatrist, is a history enthusiast and enjoys collecting vintage books.", "big_five": "Openness to Experience - High; Conscientiousness - High; Extraversion - Low; Agreeableness - Low; Neuroticism - Low", "moral_values": ["Liberty"], "schwartz_personal_values": ["Hedonism"], "personality_and_values": "Eli Dawson is expressive, assertive, and markedly erratic. Elliott values liberty and enjoyment. His decision-making is strategic, examining the wider context before making decisions.", "decision_making_style": "Strategic", "secret": "He secretly funds a college student", "mbti": "INTJ"}
39
+ {"agent_id": "01H5TNE5PP870BS5HP2FPPKS2Y", "first_name": "Jasmine", "last_name": "Blake", "age": 27, "occupation": "Yoga Instructor", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Jasmine Blake, a vivacious Yoga Instructor, enjoys taking part in sustainable lifestyle endeavors, including maintaining a vegan diet and participating in beach clean-ups.", "big_five": "Openness to Experience - Low; Conscientiousness - Low; Extraversion - Low; Agreeableness - Low; Neuroticism - High", "moral_values": ["Sanctity/Purity"], "schwartz_personal_values": ["Tradition"], "personality_and_values": "Jasmine Blake, a reserved and conscientious individual, values tradition and sanctity. She adapts her decision-making style according to the environment and situations at hand.", "decision_making_style": "Flexible", "secret": "She once faked an illness to get out of a relationship.", "mbti": "ISTP"}
40
+ {"agent_id": "01H5TNE5P90FYSTBMW5DG5ERCG", "first_name": "Isabella", "last_name": "White", "age": 40, "occupation": "Veterinarian", "gender": "Woman", "gender_pronoun": "She/her", "public_info": "Isabella White, a devoted veterinarian, is well-loved in her community for her kindness towards animals.", "big_five": "Openness to Experience - Low; Conscientiousness - High; Extraversion - Low; Agreeableness - High; Neuroticism - Low", "moral_values": ["Care/Harm"], "schwartz_personal_values": ["Benevolence"], "personality_and_values": "Isabella White, introverted and conscientious, values benevolence. Her empathy dictates her decision-making process.", "decision_making_style": "Empathetic", "secret": "Secretly takes care of injured animals in her basement", "mbti": "ISFJ"}
profiles/env_agent_combo_storages.jsonl ADDED
@@ -0,0 +1,450 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {"combo_id": "01H7ZM14XBH3G2E5HM586T902Y", "env_id": "01H7VFHNK78PAEH6MRVYMTSEFX", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
2
+ {"combo_id": "01H7ZEWF55H8JA4YFMHWPC0F56", "env_id": "01H7VFHPFYB1K1KMPZG7E31WDB", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
3
+ {"combo_id": "01H7VN6K4XYJF7RVMKEEBKT4JP", "env_id": "01H7VFHPDZVVCDZR3AARA547CY", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
4
+ {"combo_id": "01H7ZGR3SYBNXN4P2PWE8V3GSG", "env_id": "01H7VFHPS5WJW2694R1MNC8JFY", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PM4XE5NN12WCGTZSDW"]}
5
+ {"combo_id": "01H7ZCA4YY1P7RN7XPDR053XA4", "env_id": "01H7VFHNN7XTR99319DS8KZCQM", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
6
+ {"combo_id": "01H7ZCENYQGJRHW86RS8T59DC2", "env_id": "01H7VFHQ11NAMZS4A2RDGDB01V", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P7VW4DY1KB09FZE730"]}
7
+ {"combo_id": "01H7ZK297ZGVP6ACHAFRSPP02W", "env_id": "01H7VFHPSWGDGEYRP63H2DJKV0", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
8
+ {"combo_id": "01H7ZDS3GE2E5A4WM78MG1X8Z7", "env_id": "01H7VFHPTKDPQ5PZWA1M1XHT1M", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
9
+ {"combo_id": "01H7ZN9GGPMQJ0PNKG9F8JY0XR", "env_id": "01H7VFHNHTF9NKPG4KW2Z4NBQJ", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
10
+ {"combo_id": "01H7ZFX0EVFR39NTZT280EMGV4", "env_id": "01H7VFHN7WJK7VWVRZZTQ6DX9T", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
11
+ {"combo_id": "01H7VM6638MFC6GRXQF75TZ6HJ", "env_id": "01H7VFHN2D3MJB8HM910MNEVA8", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
12
+ {"combo_id": "01H7ZBX57M354AM4CS6D01C7SQ", "env_id": "01H7VFHP66D5XEX2Z32SKRT2XY", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
13
+ {"combo_id": "01H7ZMH7AYQPJMH3YBYNW2YY83", "env_id": "01H7VFHNGJEVGSVPPT0784H6P8", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
14
+ {"combo_id": "01H7VQBWCTW98X2XM2GD4DK59V", "env_id": "01H7VFHPMS6AJY0PFGGCFFK5GX", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
15
+ {"combo_id": "01H7VN2PJJ1N41G1S6MKXQFAEB", "env_id": "01H7VFHN4FHYG2MBD0K4HJ5F08", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
16
+ {"combo_id": "01H7ZH0WNB42WNT3P0H5E94HEG", "env_id": "01H7VFHP29TCH457PBDVF7WFDS", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
17
+ {"combo_id": "01H7ZMZW1K8YZ0CG0K9Q8JRYFW", "env_id": "01H7VFHNEEK6M3E96CT17AKDBD", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5P7VW4DY1KB09FZE730"]}
18
+ {"combo_id": "01H7ZDA0GCJH3KTYTT9TFPR2QR", "env_id": "01H7VFHPEMV6QHBGM9J094FRM4", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PAZABGW79HJ07TACCZ"]}
19
+ {"combo_id": "01H84XW4VXB0W95FA8BHN3G0XB", "env_id": "01H7VFHNV13MHN97GAH73E3KM8", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PT06B3QPXJ65HHACV7"]}
20
+ {"combo_id": "01H7ZEWF50E7ZSXN4DAJF33RB3", "env_id": "01H7VFHPFYB1K1KMPZG7E31WDB", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
21
+ {"combo_id": "01H7ZN519DTT514XQRRX9PK0RG", "env_id": "01H7VFHN7A1ZX5KSMT2YN9RXC4", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
22
+ {"combo_id": "01H7ZDKVZJPQT6G109BKAZTHCF", "env_id": "01H7VFHN94S6Z5T6ZNC23238NT", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
23
+ {"combo_id": "01H7ZDX15NYXZBXS9RT89V2J9P", "env_id": "01H7VFHN5WVC5HKKVBHZBA553R", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
24
+ {"combo_id": "01H7VJXHPM21BX9XA2ENXG1KQD", "env_id": "01H7VFHN3Q7498S3R4R2VDSXA0", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
25
+ {"combo_id": "01H7ZDS3G2N8CVBGC04Z2EBB0Y", "env_id": "01H7VFHPTKDPQ5PZWA1M1XHT1M", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
26
+ {"combo_id": "01H7ZMQEZQW6VKSN6N1H5Y10NZ", "env_id": "01H7VFHNYABRSZYBFAJCK9NR1D", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
27
+ {"combo_id": "01H7ZC1GR87NG8QFACEPD4TD91", "env_id": "01H7VFHNW84GTR4E23KQYJ8BBN", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
28
+ {"combo_id": "01H7ZHSV6DB7NDVEDNF1D8814W", "env_id": "01H7VFHPKA2GGPPNVJWV967HZC", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
29
+ {"combo_id": "01H7VN6K5PQ33R1SBDTAYCGR9B", "env_id": "01H7VFHPDZVVCDZR3AARA547CY", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
30
+ {"combo_id": "01H7VN2PJ3CRWWGJMXK6VCS35V", "env_id": "01H7VFHN4FHYG2MBD0K4HJ5F08", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PFB4W65DF8FRPDMET5"]}
31
+ {"combo_id": "01H7ZM14XH3JZHSWFQ53ENZGHW", "env_id": "01H7VFHNK78PAEH6MRVYMTSEFX", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
32
+ {"combo_id": "01H7ZMH7ARXMVSHDJ0JR9SCCKP", "env_id": "01H7VFHNGJEVGSVPPT0784H6P8", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
33
+ {"combo_id": "01H7ZJ7ZK06TWNA6SBMQ92GFZX", "env_id": "01H7VFHNSV5BKMP61H535PPTSG", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
34
+ {"combo_id": "01H7ZMB26GNCC3EZ37WKBY52FZ", "env_id": "01H7VFHP0AW0C23DV6ZG0B4HCE", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
35
+ {"combo_id": "01H7VM663PBQSVHYW9TPVKB3GS", "env_id": "01H7VFHN2D3MJB8HM910MNEVA8", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
36
+ {"combo_id": "01H84XG2C2REE3DN0DPWWDQR2N", "env_id": "01H7VFHP5H5GY9Z62J4NJYJQN1", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
37
+ {"combo_id": "01H7ZEJ5RSCK4672A1BT58P9VH", "env_id": "01H7VFHN8MPMGJTPVN043KBKGM", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5Q1QG5SBJ8HV7GJ0FS3"]}
38
+ {"combo_id": "01H7ZCV25ETJZ2R9H9DW409V9Q", "env_id": "01H7VFHNSAKNYEHV7B1VA8R3J2", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
39
+ {"combo_id": "01H7ZMH7AB1KAHZQ4ACNFHQSKS", "env_id": "01H7VFHNGJEVGSVPPT0784H6P8", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
40
+ {"combo_id": "01H7ZKJNP0PNKR355V15QYTBFX", "env_id": "01H7VFHNZQ3PQ3DHQ7H2W9ES97", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
41
+ {"combo_id": "01H7ZJQMWEB8R2W4KR8P5073E7", "env_id": "01H7VFHPDE1AM74JSR8KBJJF3A", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
42
+ {"combo_id": "01H7ZGR3T3WG15TMBKG6D7K99H", "env_id": "01H7VFHPS5WJW2694R1MNC8JFY", "agent_ids": ["01H5TNE5P98J20AEW94XQ0KC35", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
43
+ {"combo_id": "01H7ZMB271HS13G66V2SYWSCM8", "env_id": "01H7VFHP0AW0C23DV6ZG0B4HCE", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PAZABGW79HJ07TACCZ"]}
44
+ {"combo_id": "01H7ZGJYZC04VTB9BF42RPTZWM", "env_id": "01H7VFHQ1Q67B1ADNBD9WBAG3X", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
45
+ {"combo_id": "01H7VQG5G7MPD5MSWXT64YAY8H", "env_id": "01H7VFHNKVTCAGBA299VQG1QS2", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
46
+ {"combo_id": "01H7ZGENR1768D3PSHDC6QP6WG", "env_id": "01H7VFHNCN97BJ2PXKHJPX2VYY", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
47
+ {"combo_id": "01H84XT69WVDG7VAMFYB52WFA2", "env_id": "01H7VFHPQQQY6H4DNC6NBQ8XTG", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
48
+ {"combo_id": "01H7ZHM6T1FAJNY90WQZXVR3JB", "env_id": "01H7VFHNMHDJ8T9Q6F9S3E8XZC", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
49
+ {"combo_id": "01H7ZAMMGC6VDTT5PE7BKZKK1E", "env_id": "01H7VFHPHWA2CYG7BC82NS4XH1", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
50
+ {"combo_id": "01H7ZFQAFF04ZX8QXVYGT19T4J", "env_id": "01H7VFHP4TX1J43FS1QQJ1QFND", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5PT06B3QPXJ65HHACV7"]}
51
+ {"combo_id": "01H7ZD556N5JS2YBA8JED48W0A", "env_id": "01H7VFHNPMPQWSW003M7DBMVNT", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5PFB4W65DF8FRPDMET5"]}
52
+ {"combo_id": "01H7ZBJD0DMZDKMD6E8S4YWN9P", "env_id": "01H7VFHP8AN5643B0NR0NP00VE", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P98J20AEW94XQ0KC35"]}
53
+ {"combo_id": "01H7ZGJYZ218RZH5WT0VQ65V71", "env_id": "01H7VFHQ1Q67B1ADNBD9WBAG3X", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
54
+ {"combo_id": "01H7ZCA4Z3261AZAD41QGB9YHS", "env_id": "01H7VFHNN7XTR99319DS8KZCQM", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
55
+ {"combo_id": "01H7ZAGM763H0VSVYGH238B19J", "env_id": "01H7VFHPBTC4ES406NQ4ET12EQ", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
56
+ {"combo_id": "01H84XT6AEYC5PPA59TYN3TCDT", "env_id": "01H7VFHPQQQY6H4DNC6NBQ8XTG", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
57
+ {"combo_id": "01H7ZAYV6K5XFQEHMC8Q7W5WWP", "env_id": "01H7VFHPF8YEVH5VVNY37Q7Z1M", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PP870BS5HP2FPPKS2Y"]}
58
+ {"combo_id": "01H7ZCENYXF499SEAYKS7NPSEX", "env_id": "01H7VFHQ11NAMZS4A2RDGDB01V", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
59
+ {"combo_id": "01H7ZHCDFRG80RTR2TNNDAKB6S", "env_id": "01H7VFHNWX3KVZGH26KYNK2XNB", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
60
+ {"combo_id": "01H7VNQPPVG3PWZP9CKQ20DDFT", "env_id": "01H7VFHP3DPGRXH1Y500VQKFZA", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
61
+ {"combo_id": "01H7ZE6JYV5X6V2B7FKWSC2XWC", "env_id": "01H7VFHPNHZ2YYRHP0GXARD550", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
62
+ {"combo_id": "01H7ZN9GGCJ3NDW6YCQFNZB113", "env_id": "01H7VFHNHTF9NKPG4KW2Z4NBQJ", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
63
+ {"combo_id": "01H7ZGR3THBCVCVZK6X4TXHZ91", "env_id": "01H7VFHPS5WJW2694R1MNC8JFY", "agent_ids": ["01H5TNE5PJRM958QWP3BHWY9DY", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
64
+ {"combo_id": "01H7ZFBGZB7WNHZ68ER44FSE4N", "env_id": "01H7VFHPH567HKQRE0C745KH9C", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
65
+ {"combo_id": "01H7ZHYS5VH5HW8MG52PZXSZCV", "env_id": "01H7VFHNBYXD48NDRY02VCWXFN", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
66
+ {"combo_id": "01H7ZBJD10S1N84RJGJ6K2J5YK", "env_id": "01H7VFHP8AN5643B0NR0NP00VE", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
67
+ {"combo_id": "01H7VQBWDR4BKSP2GTZ4VB4H98", "env_id": "01H7VFHPMS6AJY0PFGGCFFK5GX", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
68
+ {"combo_id": "01H7ZEPZ8K3RS1MXWKZKT97A5X", "env_id": "01H7VFHNZ1XA77AG7A97M4E6C3", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
69
+ {"combo_id": "01H7ZGENRBQV40JBQNT6NPXHE8", "env_id": "01H7VFHNCN97BJ2PXKHJPX2VYY", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P98J20AEW94XQ0KC35"]}
70
+ {"combo_id": "01H7ZGARS080MXSPGN48NKPSRT", "env_id": "01H7VFHNTHZAA4B5RWJ4T539F1", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
71
+ {"combo_id": "01H7ZMVC91YV6NYV6V75HRWBHB", "env_id": "01H7VFHND24JAWG23XMPYGG5HK", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
72
+ {"combo_id": "01H7VN2PJYH1ZTFR1KFKN4P9V4", "env_id": "01H7VFHN4FHYG2MBD0K4HJ5F08", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
73
+ {"combo_id": "01H7ZJJDCZVXCETQDE97049BMG", "env_id": "01H7VFHNVN788RJ3KXF66BPE9S", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
74
+ {"combo_id": "01H7ZGJYZGADJPC2PDY75HHJJT", "env_id": "01H7VFHQ1Q67B1ADNBD9WBAG3X", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
75
+ {"combo_id": "01H7ZK298BTD9WRQSDCQ6BA3J7", "env_id": "01H7VFHPSWGDGEYRP63H2DJKV0", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
76
+ {"combo_id": "01H7ZJJDCPK35TCFZYB3851E92", "env_id": "01H7VFHNVN788RJ3KXF66BPE9S", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
77
+ {"combo_id": "01H7ZFX0F72ATY7QF830P8G25W", "env_id": "01H7VFHN7WJK7VWVRZZTQ6DX9T", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
78
+ {"combo_id": "01H7ZNDZEK7Z0J8H4YNNFHEEVC", "env_id": "01H7VFHN1PK2FXY7TPWQK343BQ", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
79
+ {"combo_id": "01H7ZGENRGZEN7ZF5QRN9AQ5DJ", "env_id": "01H7VFHNCN97BJ2PXKHJPX2VYY", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
80
+ {"combo_id": "01H7ZB9E43T6QK6FV1AN1K1DHZ", "env_id": "01H7VFHP6XZVT1P4R7YKAH65HJ", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
81
+ {"combo_id": "01H7ZG0QRWSHE0M6ZR4WEW5NJ4", "env_id": "01H7VFHP9PAVDN6VYYBE3MPD15", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
82
+ {"combo_id": "01H7ZDX16JJ5JMEEKA49PGCV68", "env_id": "01H7VFHN5WVC5HKKVBHZBA553R", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
83
+ {"combo_id": "01H7ZMVC95N0XQ9ZEQZTQPRVNA", "env_id": "01H7VFHND24JAWG23XMPYGG5HK", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
84
+ {"combo_id": "01H7ZJ7ZJT6Y1PCKEE9A3YAJ2T", "env_id": "01H7VFHNSV5BKMP61H535PPTSG", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
85
+ {"combo_id": "01H7ZAMMG1JXT5ZZ7SW297M5GT", "env_id": "01H7VFHPHWA2CYG7BC82NS4XH1", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
86
+ {"combo_id": "01H84XPQBW08QKBA4XZEZQ4KGF", "env_id": "01H7VFHN56ZT2Z4C0EFX79Q31F", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
87
+ {"combo_id": "01H7VQ002P2RGYSWC29PFRSVT3", "env_id": "01H7VFHNRKB8BJ854JPEWY8AR3", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
88
+ {"combo_id": "01H7VJXHQF1WW00ZZHQPMR41AQ", "env_id": "01H7VFHN3Q7498S3R4R2VDSXA0", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5PR54W6SFXKNQWKGPAS"]}
89
+ {"combo_id": "01H7ZAYV6FADHTY726B632JRGQ", "env_id": "01H7VFHPF8YEVH5VVNY37Q7Z1M", "agent_ids": ["01H5TNE5PPK39HR52G61PQ5KQ7", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
90
+ {"combo_id": "01H7ZDKVYW55XZ61T11VB3TRCF", "env_id": "01H7VFHN94S6Z5T6ZNC23238NT", "agent_ids": ["01H5TNE5P90FYSTBMW5DG5ERCG", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
91
+ {"combo_id": "01H7ZC6AVXN00PN2K1AMFGMWNH", "env_id": "01H7VFHNFVGFY578101R2PCV3T", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
92
+ {"combo_id": "01H7ZMVC8EMPQ93V3S5EG3C888", "env_id": "01H7VFHND24JAWG23XMPYGG5HK", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
93
+ {"combo_id": "01H7VM662VK84P70ND60YFHKQ7", "env_id": "01H7VFHN2D3MJB8HM910MNEVA8", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
94
+ {"combo_id": "01H7ZJ7ZJGJS1KR2BK8E6QJJ6Y", "env_id": "01H7VFHNSV5BKMP61H535PPTSG", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
95
+ {"combo_id": "01H7ZBX578T15CZD2338ASFD9A", "env_id": "01H7VFHP66D5XEX2Z32SKRT2XY", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
96
+ {"combo_id": "01H7ZK7N8RHMTDN6FKP94K69SW", "env_id": "01H7VFHPRFCSA3BTT39BRBZX7H", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P7VW4DY1KB09FZE730"]}
97
+ {"combo_id": "01H7ZGJYZPAF6S5K1ADCJK1WK9", "env_id": "01H7VFHQ1Q67B1ADNBD9WBAG3X", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
98
+ {"combo_id": "01H7ZECJ485YCYZT382DRXDZQH", "env_id": "01H7VFHNJHK2W1P8JSWKAMBG4Z", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PR54W6SFXKNQWKGPAS"]}
99
+ {"combo_id": "01H7ZH0WNV260W4MD2CB8PWK6G", "env_id": "01H7VFHP29TCH457PBDVF7WFDS", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
100
+ {"combo_id": "01H7ZHSV70GCBXC6KBNP1NP7ND", "env_id": "01H7VFHPKA2GGPPNVJWV967HZC", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
101
+ {"combo_id": "01H7ZK7N8KGEKC7MA6SKXJJ3HB", "env_id": "01H7VFHPRFCSA3BTT39BRBZX7H", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
102
+ {"combo_id": "01H7ZNR89Z3P0FV3FB9CGHA6W2", "env_id": "01H7VFHP2XBZ6KDPGEAZ2FN1P2", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
103
+ {"combo_id": "01H7ZK298QBQ5MAGWWMF6YDWFJ", "env_id": "01H7VFHPSWGDGEYRP63H2DJKV0", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
104
+ {"combo_id": "01H7ZGR3T7A26Y3TH42Z47X3A7", "env_id": "01H7VFHPS5WJW2694R1MNC8JFY", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
105
+ {"combo_id": "01H7ZF72B4CQMGRQA2D79NNKC6", "env_id": "01H7VFHPB2RC4RHAJ80ESYF1HW", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
106
+ {"combo_id": "01H7VQBWDA3JEQQTDK4N47029K", "env_id": "01H7VFHPMS6AJY0PFGGCFFK5GX", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
107
+ {"combo_id": "01H7ZMVC8KZAM7AESF8VHBMSZ8", "env_id": "01H7VFHND24JAWG23XMPYGG5HK", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
108
+ {"combo_id": "01H7ZJ7ZJPX9PD499T74HP2BJH", "env_id": "01H7VFHNSV5BKMP61H535PPTSG", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
109
+ {"combo_id": "01H7ZAT1931X8NM4JM381QGTZC", "env_id": "01H7VFHPQ1712DHGTMPQFTXH02", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
110
+ {"combo_id": "01H7VN2PKCQSZQFXQCFB6YXZDB", "env_id": "01H7VFHN4FHYG2MBD0K4HJ5F08", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
111
+ {"combo_id": "01H7ZC1GR409Z89715JFD8XBFB", "env_id": "01H7VFHNW84GTR4E23KQYJ8BBN", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
112
+ {"combo_id": "01H7ZC6AVJ53TR950Y5XXAJBP5", "env_id": "01H7VFHNFVGFY578101R2PCV3T", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
113
+ {"combo_id": "01H7ZF1KH9VHW2XAA4KC4XS2W0", "env_id": "01H7VFHP1JEP91TTK5PEK39D2S", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
114
+ {"combo_id": "01H84XJ4FR2S0BT5B731XCRTFR", "env_id": "01H7VFHPCKKZNRD5G8CKPR8WE5", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
115
+ {"combo_id": "01H7ZD5571Q64JGZTF765RDMB2", "env_id": "01H7VFHNPMPQWSW003M7DBMVNT", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
116
+ {"combo_id": "01H7ZCMW55KQKP7DKJNXKK0KAR", "env_id": "01H7VFHN6NYWSTWCZJE2DCQKTD", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
117
+ {"combo_id": "01H84XD3DB7ZN7MMBDMSPK61BA", "env_id": "01H7VFHQ0BGQA0AD9FC1R4M12F", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
118
+ {"combo_id": "01H7ZFQAFKA0ZR4NEP6DPTEP3Z", "env_id": "01H7VFHP4TX1J43FS1QQJ1QFND", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PAZABGW79HJ07TACCZ"]}
119
+ {"combo_id": "01H7ZEJ5S2M06DQS1XHWSE6J99", "env_id": "01H7VFHN8MPMGJTPVN043KBKGM", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PT06B3QPXJ65HHACV7"]}
120
+ {"combo_id": "01H7VNMZ90N9C443HSNHWQ29T0", "env_id": "01H7VFHN9W0WAFZCBT09PKJJNK", "agent_ids": ["01H5TNE5PJRM958QWP3BHWY9DY", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
121
+ {"combo_id": "01H7ZBDATBNAHKVY0MZPCV0PDP", "env_id": "01H7VFHPM3NVVKSGCCB4S10465", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PM4XE5NN12WCGTZSDW"]}
122
+ {"combo_id": "01H7ZEWF4W2T3DFB38YE4NGFAS", "env_id": "01H7VFHPFYB1K1KMPZG7E31WDB", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5PAZABGW79HJ07TACCZ"]}
123
+ {"combo_id": "01H7ZD00XATPXA94G8E9VD4V18", "env_id": "01H7VFHQ2EA3TTFZQ3M6DF3YCD", "agent_ids": ["01H5TNE5PJRM958QWP3BHWY9DY", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
124
+ {"combo_id": "01H7ZNDZFBNPSJYEMGMHMWXKA9", "env_id": "01H7VFHN1PK2FXY7TPWQK343BQ", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
125
+ {"combo_id": "01H7ZMZW24NEKFA84RCXCBK49F", "env_id": "01H7VFHNEEK6M3E96CT17AKDBD", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
126
+ {"combo_id": "01H84XJ4FEMMM66PME4Z45D0ZQ", "env_id": "01H7VFHPCKKZNRD5G8CKPR8WE5", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
127
+ {"combo_id": "01H7ZC6AVCEANDTA1AP41AQQ6W", "env_id": "01H7VFHNFVGFY578101R2PCV3T", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
128
+ {"combo_id": "01H7ZHCDG1FG4EYYAAG3EMFHKV", "env_id": "01H7VFHNWX3KVZGH26KYNK2XNB", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PM4XE5NN12WCGTZSDW"]}
129
+ {"combo_id": "01H7ZN9GGTHNYK5YQ872N9W3EW", "env_id": "01H7VFHNHTF9NKPG4KW2Z4NBQJ", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
130
+ {"combo_id": "01H7ZMZW1T8X4DKQE27GZWABXG", "env_id": "01H7VFHNEEK6M3E96CT17AKDBD", "agent_ids": ["01H5TNE5PT8KW11GZ99Q0T43V4", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
131
+ {"combo_id": "01H7ZD00XV8NPG0VHT0RVSBAZM", "env_id": "01H7VFHQ2EA3TTFZQ3M6DF3YCD", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
132
+ {"combo_id": "01H7ZNR8APPYR8ZMQT0VD7APWH", "env_id": "01H7VFHP2XBZ6KDPGEAZ2FN1P2", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
133
+ {"combo_id": "01H7ZJD8BJ2NSQXFS8JFP7XFRY", "env_id": "01H7VFHPGABSWQXTACCC8C3X2F", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
134
+ {"combo_id": "01H7ZCA4YJJET77NYNHCX9CKQ4", "env_id": "01H7VFHNN7XTR99319DS8KZCQM", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
135
+ {"combo_id": "01H7ZJQMW7RVJFKPHSYHQTYHSF", "env_id": "01H7VFHPDE1AM74JSR8KBJJF3A", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
136
+ {"combo_id": "01H7ZM77ZE4HGP3HC0VRGQWGJJ", "env_id": "01H7VFHNXMZQ5Q61B3J4NNTC1A", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
137
+ {"combo_id": "01H7ZAGM6ZVRGS10YMAFFNW7HV", "env_id": "01H7VFHPBTC4ES406NQ4ET12EQ", "agent_ids": ["01H5TNE5P83CZ1TDBVN74NGEEJ", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
138
+ {"combo_id": "01H7VKQHWHM5MTBTWD7MVJD9BY", "env_id": "01H7VFHNNYH3W0VRWVY178K2TK", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
139
+ {"combo_id": "01H7ZM14XS54F685NVJZN3P6MF", "env_id": "01H7VFHNK78PAEH6MRVYMTSEFX", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
140
+ {"combo_id": "01H7ZJQMVJVQZVW4YTXMA607ZP", "env_id": "01H7VFHPDE1AM74JSR8KBJJF3A", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5P5EP6YJKPAT92ENQS6"]}
141
+ {"combo_id": "01H7ZNK20DVN7989J5VSXYHBHT", "env_id": "01H7VFHP43QEZA1WZB3B3J2D9X", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
142
+ {"combo_id": "01H7VJPFQWWG69D8FW47TP4WNP", "env_id": "01H7VFHPJKR16MD1KC71V4ZRCF", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
143
+ {"combo_id": "01H7VQ003JAEY60ZYWEQQJAJM9", "env_id": "01H7VFHNRKB8BJ854JPEWY8AR3", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
144
+ {"combo_id": "01H7ZFX0F0ZW1YY3G0ZJ34NPRJ", "env_id": "01H7VFHN7WJK7VWVRZZTQ6DX9T", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
145
+ {"combo_id": "01H7ZJ3HEQT3W3XC186Q8K6V9V", "env_id": "01H7VFHPP9SPQ8W6583JFZ7HZC", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
146
+ {"combo_id": "01H7VM664V7H4ZWVS0Z53V6SDE", "env_id": "01H7VFHN2D3MJB8HM910MNEVA8", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
147
+ {"combo_id": "01H7ZFJ23WAT3RPEH6TS4XZD62", "env_id": "01H7VFHNAH7V4JNA0705SF36Y1", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
148
+ {"combo_id": "01H7ZDKVZ069EF2ABV7VS6APTE", "env_id": "01H7VFHN94S6Z5T6ZNC23238NT", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5PFB4W65DF8FRPDMET5"]}
149
+ {"combo_id": "01H7ZC1GRJJZRXTBP6N3R0DEZ9", "env_id": "01H7VFHNW84GTR4E23KQYJ8BBN", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PFB4W65DF8FRPDMET5"]}
150
+ {"combo_id": "01H84XD3CGF9J9FJ9X4YXT7KSB", "env_id": "01H7VFHQ0BGQA0AD9FC1R4M12F", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
151
+ {"combo_id": "01H7ZDA0FM1ZY6HHW2RQQD84HQ", "env_id": "01H7VFHPEMV6QHBGM9J094FRM4", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5P98J20AEW94XQ0KC35"]}
152
+ {"combo_id": "01H7ZM77ZRMJ5J4139H6CXRD9X", "env_id": "01H7VFHNXMZQ5Q61B3J4NNTC1A", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
153
+ {"combo_id": "01H7ZJ3HEHJJ60ZFP1GHKN2CP2", "env_id": "01H7VFHPP9SPQ8W6583JFZ7HZC", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
154
+ {"combo_id": "01H7ZFBGYT21EETWCZZBRPKXT3", "env_id": "01H7VFHPH567HKQRE0C745KH9C", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
155
+ {"combo_id": "01H7ZH7QND26JNS6DT63W42B4B", "env_id": "01H7VFHNQA4CJEANQ1B1J1TBWV", "agent_ids": ["01H5TNE5P90FYSTBMW5DG5ERCG", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
156
+ {"combo_id": "01H7ZDX16BVMWC5R17M1TPA4WY", "env_id": "01H7VFHN5WVC5HKKVBHZBA553R", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
157
+ {"combo_id": "01H7ZJ3HDWHNESNRHWMECMVDVQ", "env_id": "01H7VFHPP9SPQ8W6583JFZ7HZC", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PM4XE5NN12WCGTZSDW"]}
158
+ {"combo_id": "01H7ZE6JTGQMV10HD9QT62GV2C", "env_id": "01H7VFHPNHZ2YYRHP0GXARD550", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
159
+ {"combo_id": "01H7ZE1CW86TFCR6T44P57DD4H", "env_id": "01H7VFHNF4G18PC9JHGRC8A1R6", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5PE9RQGH86YM6MSWZMW"]}
160
+ {"combo_id": "01H84XAN24TDV24C8ZZYF1AP1R", "env_id": "01H7VFHP90434Q69V7ADY0VWZJ", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
161
+ {"combo_id": "01H7ZM77ZM8HXNMJVRVTTVHDEB", "env_id": "01H7VFHNXMZQ5Q61B3J4NNTC1A", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
162
+ {"combo_id": "01H7WJ450QA06B1Y5BXJE45XNV", "env_id": "01H7VFHNBBK14NGV72BWXEXXJC", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5PAZABGW79HJ07TACCZ"]}
163
+ {"combo_id": "01H7ZB4GQTK8YY3T81T24QFZMJ", "env_id": "01H7VFHPZMXNGV8PM19WHPQ2W3", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
164
+ {"combo_id": "01H84XD3CM5WPSDWGK9PKRWS8C", "env_id": "01H7VFHQ0BGQA0AD9FC1R4M12F", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
165
+ {"combo_id": "01H7VJPFSEEGGE5AHY196GYC9F", "env_id": "01H7VFHPJKR16MD1KC71V4ZRCF", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
166
+ {"combo_id": "01H7ZMQEZH7T5WZ7W3T6CTCN2S", "env_id": "01H7VFHNYABRSZYBFAJCK9NR1D", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
167
+ {"combo_id": "01H7ZEPZ8RW9Q6D8WS0BT13H1E", "env_id": "01H7VFHNZ1XA77AG7A97M4E6C3", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
168
+ {"combo_id": "01H84XMFJYCFQM22CVB9QCSVDZ", "env_id": "01H7VFHNR1RJKDZ9V9MDTJ1SJP", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
169
+ {"combo_id": "01H7ZAYV62CCJCM1PANN17RKFX", "env_id": "01H7VFHPF8YEVH5VVNY37Q7Z1M", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
170
+ {"combo_id": "01H7ZFX0ERAREGQEQY2JSQQBGW", "env_id": "01H7VFHN7WJK7VWVRZZTQ6DX9T", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
171
+ {"combo_id": "01H7ZJJDD46BHJZ31DQCP8NXDQ", "env_id": "01H7VFHNVN788RJ3KXF66BPE9S", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
172
+ {"combo_id": "01H7ZHYS60RFBTBF4T57BWH9QG", "env_id": "01H7VFHNBYXD48NDRY02VCWXFN", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
173
+ {"combo_id": "01H7ZHM6S9YQNJSAMRHM5VKH9W", "env_id": "01H7VFHNMHDJ8T9Q6F9S3E8XZC", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
174
+ {"combo_id": "01H7ZE1CWKJ3FVKP3BNTAQ344G", "env_id": "01H7VFHNF4G18PC9JHGRC8A1R6", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PP870BS5HP2FPPKS2Y"]}
175
+ {"combo_id": "01H7ZGARRVF5P49WV41CRC4D13", "env_id": "01H7VFHNTHZAA4B5RWJ4T539F1", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
176
+ {"combo_id": "01H7ZKDHQMHSTCVG6YNCG8ZDQX", "env_id": "01H7VFHNH8A88C4XJ7X4PVAHV4", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
177
+ {"combo_id": "01H7ZB9E4MZB6V3CAH48GWWRMD", "env_id": "01H7VFHP6XZVT1P4R7YKAH65HJ", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
178
+ {"combo_id": "01H7ZDA0G8M2CSC4B6A1V70H4A", "env_id": "01H7VFHPEMV6QHBGM9J094FRM4", "agent_ids": ["01H5TNE5PDTDGA0BPYKBYFTHDY", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
179
+ {"combo_id": "01H7ZECJ4H63E7N9P7S68PJE5A", "env_id": "01H7VFHNJHK2W1P8JSWKAMBG4Z", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PY896ASNX8XGQA6AE0"]}
180
+ {"combo_id": "01H7ZEWF5F4T8D8XK79N6Q3GA6", "env_id": "01H7VFHPFYB1K1KMPZG7E31WDB", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P98J20AEW94XQ0KC35"]}
181
+ {"combo_id": "01H7ZHYS5PEAPVG9JXA7BE4E49", "env_id": "01H7VFHNBYXD48NDRY02VCWXFN", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PY896ASNX8XGQA6AE0"]}
182
+ {"combo_id": "01H7WJ450AGR1TERP6YFG2XBMC", "env_id": "01H7VFHNBBK14NGV72BWXEXXJC", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
183
+ {"combo_id": "01H7ZDEP0ZMGNTJM9NQAQSRGXY", "env_id": "01H7VFHNDRE1M02MKTPF0Q7CZA", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
184
+ {"combo_id": "01H7ZECJ4C6WMNE1FBBGSKZ0KS", "env_id": "01H7VFHNJHK2W1P8JSWKAMBG4Z", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
185
+ {"combo_id": "01H7ZMB26NNV7M5BDM1RXVFY0W", "env_id": "01H7VFHP0AW0C23DV6ZG0B4HCE", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5P98J20AEW94XQ0KC35"]}
186
+ {"combo_id": "01H7ZCV25N4Z0S8QZM9D4WG6QE", "env_id": "01H7VFHNSAKNYEHV7B1VA8R3J2", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
187
+ {"combo_id": "01H7ZNK2037SZJCAVYD1SFVDEN", "env_id": "01H7VFHP43QEZA1WZB3B3J2D9X", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
188
+ {"combo_id": "01H7VQG5FTJ4K0AZPYD86NQYBQ", "env_id": "01H7VFHNKVTCAGBA299VQG1QS2", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
189
+ {"combo_id": "01H7ZECJ4QR21ENB47WKCCNQFC", "env_id": "01H7VFHNJHK2W1P8JSWKAMBG4Z", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
190
+ {"combo_id": "01H7ZC6AV8P5E2AQCCR31ZZYV6", "env_id": "01H7VFHNFVGFY578101R2PCV3T", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
191
+ {"combo_id": "01H84XT6A19T9CWS4YSKNMR1WB", "env_id": "01H7VFHPQQQY6H4DNC6NBQ8XTG", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
192
+ {"combo_id": "01H7VQ001S8QFF8ND39442ZW7C", "env_id": "01H7VFHNRKB8BJ854JPEWY8AR3", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
193
+ {"combo_id": "01H7ZE1CWDKDE9REXFV7WWQJJN", "env_id": "01H7VFHNF4G18PC9JHGRC8A1R6", "agent_ids": ["01H5TNE5PJRM958QWP3BHWY9DY", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
194
+ {"combo_id": "01H7ZKJNP4ZMJXBYRKRQ4E41TK", "env_id": "01H7VFHNZQ3PQ3DHQ7H2W9ES97", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5PAZABGW79HJ07TACCZ"]}
195
+ {"combo_id": "01H7VNQPPDXADS0T1EGQPZ9MWM", "env_id": "01H7VFHP3DPGRXH1Y500VQKFZA", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
196
+ {"combo_id": "01H7ZG606WADVCEDSQ4B1P3MA1", "env_id": "01H7VFHP7K0EN9QX5JTD8B9NSQ", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P7VW4DY1KB09FZE730"]}
197
+ {"combo_id": "01H84XD3D50P768R64CVAV8886", "env_id": "01H7VFHQ0BGQA0AD9FC1R4M12F", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
198
+ {"combo_id": "01H7ZBQKFP41KY4FHZ61PQ0X52", "env_id": "01H7VFHN2YQV0R5QWWRQZ1VRHW", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PSDH2H6JXYZ9ZRG7A4"]}
199
+ {"combo_id": "01H7ZB9E4D03RPKCXZFE35EQVR", "env_id": "01H7VFHP6XZVT1P4R7YKAH65HJ", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
200
+ {"combo_id": "01H7ZHSV6MARK2DNZ1BWHGJ7MG", "env_id": "01H7VFHPKA2GGPPNVJWV967HZC", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P7VW4DY1KB09FZE730"]}
201
+ {"combo_id": "01H7ZMB26VCAGZM1N0ETW4X6J3", "env_id": "01H7VFHP0AW0C23DV6ZG0B4HCE", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
202
+ {"combo_id": "01H84XMFJTMYZ9NWKC5B7F1QC7", "env_id": "01H7VFHNR1RJKDZ9V9MDTJ1SJP", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
203
+ {"combo_id": "01H7ZH7QN7FCAF79QNQVRF71J1", "env_id": "01H7VFHNQA4CJEANQ1B1J1TBWV", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PC6YGRH72RQAM862JH"]}
204
+ {"combo_id": "01H7ZG0QSB6HJZB5AQ4K8G95W6", "env_id": "01H7VFHP9PAVDN6VYYBE3MPD15", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
205
+ {"combo_id": "01H84XAN2PZ6V7R2CPNYKHEZ5S", "env_id": "01H7VFHP90434Q69V7ADY0VWZJ", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
206
+ {"combo_id": "01H7ZFJ23KZCZPZAMA44DDNSKT", "env_id": "01H7VFHNAH7V4JNA0705SF36Y1", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5PAZABGW79HJ07TACCZ"]}
207
+ {"combo_id": "01H7VN2PKS4MFR20NWKTYK2FN1", "env_id": "01H7VFHN4FHYG2MBD0K4HJ5F08", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
208
+ {"combo_id": "01H7ZAGM7BB3RN7FTBZ9HZYRYM", "env_id": "01H7VFHPBTC4ES406NQ4ET12EQ", "agent_ids": ["01H5TNE5P98J20AEW94XQ0KC35", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
209
+ {"combo_id": "01H7ZJD8AZM1VVJZWT8N5CQSJ3", "env_id": "01H7VFHPGABSWQXTACCC8C3X2F", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
210
+ {"combo_id": "01H7ZHCDG785A1EAS4RJDVVW5X", "env_id": "01H7VFHNWX3KVZGH26KYNK2XNB", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
211
+ {"combo_id": "01H7VJXHQ138V59XNDPWE77D3D", "env_id": "01H7VFHN3Q7498S3R4R2VDSXA0", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
212
+ {"combo_id": "01H7ZJQMW2YQEBDXRETBV48NQ6", "env_id": "01H7VFHPDE1AM74JSR8KBJJF3A", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
213
+ {"combo_id": "01H7ZBJD0M99NY7T9VJRQFSAM5", "env_id": "01H7VFHP8AN5643B0NR0NP00VE", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
214
+ {"combo_id": "01H7ZBX57QJFJC2MW156YF7XJZ", "env_id": "01H7VFHP66D5XEX2Z32SKRT2XY", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
215
+ {"combo_id": "01H84XPQBQPB0CKY10W0B54C20", "env_id": "01H7VFHN56ZT2Z4C0EFX79Q31F", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
216
+ {"combo_id": "01H7ZH0WNF5M0WFWNNKJE7B14X", "env_id": "01H7VFHP29TCH457PBDVF7WFDS", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
217
+ {"combo_id": "01H7ZBX57EWX95WAGCN3JS5AN1", "env_id": "01H7VFHP66D5XEX2Z32SKRT2XY", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PR54W6SFXKNQWKGPAS"]}
218
+ {"combo_id": "01H7ZMQEZCNYK1RYAKMYFP5G64", "env_id": "01H7VFHNYABRSZYBFAJCK9NR1D", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
219
+ {"combo_id": "01H7ZHM6SVMP3GKEHK7VQKKXNF", "env_id": "01H7VFHNMHDJ8T9Q6F9S3E8XZC", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
220
+ {"combo_id": "01H7ZB9E3YGZGDQWPEH0DT3VAM", "env_id": "01H7VFHP6XZVT1P4R7YKAH65HJ", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
221
+ {"combo_id": "01H7ZKDHPWQSS42KP14G8QRP53", "env_id": "01H7VFHNH8A88C4XJ7X4PVAHV4", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
222
+ {"combo_id": "01H7VJXHR99ABEX9QH3C948GQF", "env_id": "01H7VFHN3Q7498S3R4R2VDSXA0", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PC6YGRH72RQAM862JH"]}
223
+ {"combo_id": "01H7ZJJDCH98XNXVY3EEQEXZM9", "env_id": "01H7VFHNVN788RJ3KXF66BPE9S", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PFB4W65DF8FRPDMET5"]}
224
+ {"combo_id": "01H7ZDEP1CBVRHECMWTXJX26KZ", "env_id": "01H7VFHNDRE1M02MKTPF0Q7CZA", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
225
+ {"combo_id": "01H7ZH7QNR18HEH7G9K7W89ZGJ", "env_id": "01H7VFHNQA4CJEANQ1B1J1TBWV", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5PR54W6SFXKNQWKGPAS"]}
226
+ {"combo_id": "01H7ZFBGZ7E2ZV1H67P4M8VQXD", "env_id": "01H7VFHPH567HKQRE0C745KH9C", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
227
+ {"combo_id": "01H84XT6A5FRRFTX0KQ0S5HG5Q", "env_id": "01H7VFHPQQQY6H4DNC6NBQ8XTG", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
228
+ {"combo_id": "01H7VKQHTQMMZWZHQM26FNGBKD", "env_id": "01H7VFHNNYH3W0VRWVY178K2TK", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5PFB4W65DF8FRPDMET5"]}
229
+ {"combo_id": "01H7ZEPZ63BZS5JDDRB8JGSWSQ", "env_id": "01H7VFHNZ1XA77AG7A97M4E6C3", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
230
+ {"combo_id": "01H7ZNK207Z7FNEYJ41W93N526", "env_id": "01H7VFHP43QEZA1WZB3B3J2D9X", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
231
+ {"combo_id": "01H7ZHYS5FHFGMGNGF2F9K1AMA", "env_id": "01H7VFHNBYXD48NDRY02VCWXFN", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
232
+ {"combo_id": "01H7ZGENR636WKAP1WEPW4ZXTR", "env_id": "01H7VFHNCN97BJ2PXKHJPX2VYY", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PFB4W65DF8FRPDMET5"]}
233
+ {"combo_id": "01H7ZNK20NXFGNT5NK2DT92WZ0", "env_id": "01H7VFHP43QEZA1WZB3B3J2D9X", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
234
+ {"combo_id": "01H7ZHM6SM2TX9C4KX86D2D7Q3", "env_id": "01H7VFHNMHDJ8T9Q6F9S3E8XZC", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
235
+ {"combo_id": "01H7VN6K475JZ7EP91H1CMP6W9", "env_id": "01H7VFHPDZVVCDZR3AARA547CY", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
236
+ {"combo_id": "01H7VNQPP1XP3N42MJ883GXTTH", "env_id": "01H7VFHP3DPGRXH1Y500VQKFZA", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
237
+ {"combo_id": "01H7VN6K3HNE6M57YK9XNR0HV7", "env_id": "01H7VFHPDZVVCDZR3AARA547CY", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5PAZABGW79HJ07TACCZ"]}
238
+ {"combo_id": "01H7ZDS3GJ763VJ8H1C4FP3DHR", "env_id": "01H7VFHPTKDPQ5PZWA1M1XHT1M", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
239
+ {"combo_id": "01H7ZDKVZCAC9GVXB4DHTS1NW4", "env_id": "01H7VFHN94S6Z5T6ZNC23238NT", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PY896ASNX8XGQA6AE0"]}
240
+ {"combo_id": "01H7VNMZAN4ZHQ8NSCW9RZAKWC", "env_id": "01H7VFHN9W0WAFZCBT09PKJJNK", "agent_ids": ["01H5TNE5P98J20AEW94XQ0KC35", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
241
+ {"combo_id": "01H7ZE6JYRJ3X33CEEPBRT42HZ", "env_id": "01H7VFHPNHZ2YYRHP0GXARD550", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
242
+ {"combo_id": "01H7ZD00X68R79R8DKHYTBH72R", "env_id": "01H7VFHQ2EA3TTFZQ3M6DF3YCD", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PM4XE5NN12WCGTZSDW"]}
243
+ {"combo_id": "01H7ZECJ440G47NS0P9AQD57HB", "env_id": "01H7VFHNJHK2W1P8JSWKAMBG4Z", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PDV7WZ0C5KTGGXX1NR"]}
244
+ {"combo_id": "01H7ZNK20HS3S8MTF87WT6HC2R", "env_id": "01H7VFHP43QEZA1WZB3B3J2D9X", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P98J20AEW94XQ0KC35"]}
245
+ {"combo_id": "01H7ZFX0FDHPD9TQ92GG9XF13P", "env_id": "01H7VFHN7WJK7VWVRZZTQ6DX9T", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
246
+ {"combo_id": "01H7ZK7N8FSTMDBHAZ3XGXH9HV", "env_id": "01H7VFHPRFCSA3BTT39BRBZX7H", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
247
+ {"combo_id": "01H7ZAT18R60SB6D6C9PBV93Z4", "env_id": "01H7VFHPQ1712DHGTMPQFTXH02", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
248
+ {"combo_id": "01H7ZHSV6VY0259K755MV1MEZV", "env_id": "01H7VFHPKA2GGPPNVJWV967HZC", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
249
+ {"combo_id": "01H7ZAT1970B6VPRY0AY6YPACC", "env_id": "01H7VFHPQ1712DHGTMPQFTXH02", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
250
+ {"combo_id": "01H7ZK29850ZJPGDZ6N93NGEF6", "env_id": "01H7VFHPSWGDGEYRP63H2DJKV0", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
251
+ {"combo_id": "01H7ZGWH0SFA2GXT94R6Z00HRE", "env_id": "01H7VFHP0TRETZPZMEJ5RZA2G7", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
252
+ {"combo_id": "01H7VQG5EXSABB81883GBN2026", "env_id": "01H7VFHNKVTCAGBA299VQG1QS2", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
253
+ {"combo_id": "01H7ZMVC8SJR33JA05KDWNPYNS", "env_id": "01H7VFHND24JAWG23XMPYGG5HK", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
254
+ {"combo_id": "01H7VQBWC88YRJV0A9QE60RVFV", "env_id": "01H7VFHPMS6AJY0PFGGCFFK5GX", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
255
+ {"combo_id": "01H7ZEPZ5YX5YNATGRPV0Y1KWG", "env_id": "01H7VFHNZ1XA77AG7A97M4E6C3", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5PAZABGW79HJ07TACCZ"]}
256
+ {"combo_id": "01H7ZAYV6BTRE3NEZY6FE0YA8G", "env_id": "01H7VFHPF8YEVH5VVNY37Q7Z1M", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
257
+ {"combo_id": "01H7WJ44ZF7VPT3ERAN4SKDGD9", "env_id": "01H7VFHNBBK14NGV72BWXEXXJC", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
258
+ {"combo_id": "01H7ZF1KGXCN0BZ268W73VRT4P", "env_id": "01H7VFHP1JEP91TTK5PEK39D2S", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
259
+ {"combo_id": "01H84XW4W22RB76SS5RYPWDQYX", "env_id": "01H7VFHNV13MHN97GAH73E3KM8", "agent_ids": ["01H5TNE5PDTDGA0BPYKBYFTHDY", "01H5TNE5PN656EADK59K4DG793"]}
260
+ {"combo_id": "01H7ZBQKFWP3QFK5VAEFNETBH3", "env_id": "01H7VFHN2YQV0R5QWWRQZ1VRHW", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5P7VW4DY1KB09FZE730"]}
261
+ {"combo_id": "01H7ZF1KHN01T969B6D5E5S4XS", "env_id": "01H7VFHP1JEP91TTK5PEK39D2S", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
262
+ {"combo_id": "01H7ZKJNNH7W3M994FJPYZPZCK", "env_id": "01H7VFHNZQ3PQ3DHQ7H2W9ES97", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
263
+ {"combo_id": "01H7VJPFS024NBC1WEVGVT6HBP", "env_id": "01H7VFHPJKR16MD1KC71V4ZRCF", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
264
+ {"combo_id": "01H84XAN2BKQP8GQBQK0MER913", "env_id": "01H7VFHP90434Q69V7ADY0VWZJ", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
265
+ {"combo_id": "01H7VN6K6AX8040HWYTBGNB9NJ", "env_id": "01H7VFHPDZVVCDZR3AARA547CY", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
266
+ {"combo_id": "01H7ZFQAFAG3WA5HVS57373FS8", "env_id": "01H7VFHP4TX1J43FS1QQJ1QFND", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
267
+ {"combo_id": "01H7ZNDZEXESWM0XF059R737CD", "env_id": "01H7VFHN1PK2FXY7TPWQK343BQ", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
268
+ {"combo_id": "01H7ZF72AW7GBVWEW09MW680GF", "env_id": "01H7VFHPB2RC4RHAJ80ESYF1HW", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
269
+ {"combo_id": "01H7ZHSV760H1MS9BXGQPDX6YE", "env_id": "01H7VFHPKA2GGPPNVJWV967HZC", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
270
+ {"combo_id": "01H84XJ4FYBGAPRJY1WJAEF851", "env_id": "01H7VFHPCKKZNRD5G8CKPR8WE5", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
271
+ {"combo_id": "01H7ZG0QS6REE2P03JFA95MTS6", "env_id": "01H7VFHP9PAVDN6VYYBE3MPD15", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
272
+ {"combo_id": "01H7ZF1KH264CB7NGSGRF1AVT5", "env_id": "01H7VFHP1JEP91TTK5PEK39D2S", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
273
+ {"combo_id": "01H7ZFQAEYB8NVF77BZQ3GNDNX", "env_id": "01H7VFHP4TX1J43FS1QQJ1QFND", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5PE9RQGH86YM6MSWZMW"]}
274
+ {"combo_id": "01H7ZG6076FW60QR36MJNH9BCA", "env_id": "01H7VFHP7K0EN9QX5JTD8B9NSQ", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
275
+ {"combo_id": "01H7ZEWF59B653VQZND2WSANSS", "env_id": "01H7VFHPFYB1K1KMPZG7E31WDB", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
276
+ {"combo_id": "01H7ZKDHQ5F2HP3X1QBCX1TAAX", "env_id": "01H7VFHNH8A88C4XJ7X4PVAHV4", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
277
+ {"combo_id": "01H84XAN2T2EZEX5QXZ7M21DGC", "env_id": "01H7VFHP90434Q69V7ADY0VWZJ", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
278
+ {"combo_id": "01H7ZG607FX9X56MKGZB9EAATC", "env_id": "01H7VFHP7K0EN9QX5JTD8B9NSQ", "agent_ids": ["01H5TNE5P98J20AEW94XQ0KC35", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
279
+ {"combo_id": "01H7ZBQKG0VH609VJVC5MAMCR1", "env_id": "01H7VFHN2YQV0R5QWWRQZ1VRHW", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
280
+ {"combo_id": "01H7ZBDATW5GR6YN4ZHY07HVF3", "env_id": "01H7VFHPM3NVVKSGCCB4S10465", "agent_ids": ["01H5TNE5PJRM958QWP3BHWY9DY", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
281
+ {"combo_id": "01H7WJ4514ZWXDX7TZPZ43QDGZ", "env_id": "01H7VFHNBBK14NGV72BWXEXXJC", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
282
+ {"combo_id": "01H7ZN9GG81AZE7Y5A12VDBQ0T", "env_id": "01H7VFHNHTF9NKPG4KW2Z4NBQJ", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
283
+ {"combo_id": "01H7ZAYV6599XQ2W41BKPVCC0Q", "env_id": "01H7VFHPF8YEVH5VVNY37Q7Z1M", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
284
+ {"combo_id": "01H7ZDA0FXHX2PQN9RTAPTWFNT", "env_id": "01H7VFHPEMV6QHBGM9J094FRM4", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PJRM958QWP3BHWY9DY"]}
285
+ {"combo_id": "01H7ZGWH167DMFNKS33R0TNRSZ", "env_id": "01H7VFHP0TRETZPZMEJ5RZA2G7", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
286
+ {"combo_id": "01H7VNMZA9KPXJZWQ567BQBWNM", "env_id": "01H7VFHN9W0WAFZCBT09PKJJNK", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P7VW4DY1KB09FZE730"]}
287
+ {"combo_id": "01H7ZFJ242Z11XR64HK1C0XRB3", "env_id": "01H7VFHNAH7V4JNA0705SF36Y1", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
288
+ {"combo_id": "01H7VQ0034M7V3DT7ASZVMYWC0", "env_id": "01H7VFHNRKB8BJ854JPEWY8AR3", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
289
+ {"combo_id": "01H7ZDS3G9H48W9BKVQ2CQECN5", "env_id": "01H7VFHPTKDPQ5PZWA1M1XHT1M", "agent_ids": ["01H5TNE5P83CZ1TDBVN74NGEEJ", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
290
+ {"combo_id": "01H84XW4VN5FGW6DAJAR6PRD6Q", "env_id": "01H7VFHNV13MHN97GAH73E3KM8", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5PE9RQGH86YM6MSWZMW"]}
291
+ {"combo_id": "01H7ZH0WNNXZ084FMSR38DG0J4", "env_id": "01H7VFHP29TCH457PBDVF7WFDS", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
292
+ {"combo_id": "01H7ZMZW2BJV9R8KKE5P8PF8DG", "env_id": "01H7VFHNEEK6M3E96CT17AKDBD", "agent_ids": ["01H5TNE5P90FYSTBMW5DG5ERCG", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
293
+ {"combo_id": "01H7ZEJ5RYRTHQFDH3QB82637R", "env_id": "01H7VFHN8MPMGJTPVN043KBKGM", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5P98J20AEW94XQ0KC35"]}
294
+ {"combo_id": "01H7ZNR8AABSM3460QBD8WWD5C", "env_id": "01H7VFHP2XBZ6KDPGEAZ2FN1P2", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
295
+ {"combo_id": "01H7ZFQAF48FXXTRSCNHS0SZ49", "env_id": "01H7VFHP4TX1J43FS1QQJ1QFND", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PY896ASNX8XGQA6AE0"]}
296
+ {"combo_id": "01H7ZF72AKV2HSW42XDBT97FME", "env_id": "01H7VFHPB2RC4RHAJ80ESYF1HW", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
297
+ {"combo_id": "01H7ZJD8B3QN1YWWDNQKRGXFEN", "env_id": "01H7VFHPGABSWQXTACCC8C3X2F", "agent_ids": ["01H5TNE5P98J20AEW94XQ0KC35", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
298
+ {"combo_id": "01H7ZG0QRQB3XDFRF14FWW2R1F", "env_id": "01H7VFHP9PAVDN6VYYBE3MPD15", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
299
+ {"combo_id": "01H7ZMB276FDJMV0WBETN142GD", "env_id": "01H7VFHP0AW0C23DV6ZG0B4HCE", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5P7RVY0TYX8VTCXABR6"]}
300
+ {"combo_id": "01H7VQG5FDE7T55VXJ81JFY4QK", "env_id": "01H7VFHNKVTCAGBA299VQG1QS2", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
301
+ {"combo_id": "01H7ZB4GRD5XP7R27ZZBJ8EFTY", "env_id": "01H7VFHPZMXNGV8PM19WHPQ2W3", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PM4XE5NN12WCGTZSDW"]}
302
+ {"combo_id": "01H7ZAMMG5E7ANDBG71MTA0DY7", "env_id": "01H7VFHPHWA2CYG7BC82NS4XH1", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
303
+ {"combo_id": "01H84XG2BRS2DPS7Z2C5Z7QMTC", "env_id": "01H7VFHP5H5GY9Z62J4NJYJQN1", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
304
+ {"combo_id": "01H7ZB4GR0VBJ122X0DVEDEZJD", "env_id": "01H7VFHPZMXNGV8PM19WHPQ2W3", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
305
+ {"combo_id": "01H7ZJ7ZK5PJPG579ZDXCEKDQ7", "env_id": "01H7VFHNSV5BKMP61H535PPTSG", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
306
+ {"combo_id": "01H7ZK7N8AGBWM0396DR78CA17", "env_id": "01H7VFHPRFCSA3BTT39BRBZX7H", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
307
+ {"combo_id": "01H7WJ44ZVHEXD3345KWRP4DWS", "env_id": "01H7VFHNBBK14NGV72BWXEXXJC", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
308
+ {"combo_id": "01H7ZDEP9H65YHQWX60FSWPXNW", "env_id": "01H7VFHNDRE1M02MKTPF0Q7CZA", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
309
+ {"combo_id": "01H7VJXHQWD4QVZB3YWWXPBWTV", "env_id": "01H7VFHN3Q7498S3R4R2VDSXA0", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PSDH2H6JXYZ9ZRG7A4"]}
310
+ {"combo_id": "01H7ZMH7AMGYXNGF696CWMC8M5", "env_id": "01H7VFHNGJEVGSVPPT0784H6P8", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
311
+ {"combo_id": "01H7ZJD8B8BEXX09NNBP35NPTA", "env_id": "01H7VFHPGABSWQXTACCC8C3X2F", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PRCAF1CK5ERS5MVZ22"]}
312
+ {"combo_id": "01H84XD3CYXSKDTBN5PSPCVHBX", "env_id": "01H7VFHQ0BGQA0AD9FC1R4M12F", "agent_ids": ["01H5TNE5P83CZ1TDBVN74NGEEJ", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
313
+ {"combo_id": "01H84XT6A930MSX0658FBCNTF4", "env_id": "01H7VFHPQQQY6H4DNC6NBQ8XTG", "agent_ids": ["01H5TNE5P83CZ1TDBVN74NGEEJ", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
314
+ {"combo_id": "01H7ZMQEZ6JE9YXE13ANPY62EP", "env_id": "01H7VFHNYABRSZYBFAJCK9NR1D", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
315
+ {"combo_id": "01H7ZKDHPMZWE8Z77Q0V9Z9BFN", "env_id": "01H7VFHNH8A88C4XJ7X4PVAHV4", "agent_ids": ["01H5TNE5P98J20AEW94XQ0KC35", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
316
+ {"combo_id": "01H7VNQPQX8DVK128WFDJYCXFD", "env_id": "01H7VFHP3DPGRXH1Y500VQKFZA", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
317
+ {"combo_id": "01H7ZKDHQDRYYYQSSZXTS33J4K", "env_id": "01H7VFHNH8A88C4XJ7X4PVAHV4", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
318
+ {"combo_id": "01H7ZM14X5QRY90EQZ4S9N1FZJ", "env_id": "01H7VFHNK78PAEH6MRVYMTSEFX", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5PAATSHM0K9ACWKN79P"]}
319
+ {"combo_id": "01H7ZJXCEM9N7SGT2KGMHSZDPD", "env_id": "01H7VFHPAD4RA819KYESWBFRYS", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
320
+ {"combo_id": "01H7ZHYS595X80DS3R626DFTMK", "env_id": "01H7VFHNBYXD48NDRY02VCWXFN", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PAZABGW79HJ07TACCZ"]}
321
+ {"combo_id": "01H7ZCMW4H32AKQSJET1ESY5AY", "env_id": "01H7VFHN6NYWSTWCZJE2DCQKTD", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5PAZABGW79HJ07TACCZ"]}
322
+ {"combo_id": "01H7ZGWH12T9BPCXZ0S46V9DRX", "env_id": "01H7VFHP0TRETZPZMEJ5RZA2G7", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
323
+ {"combo_id": "01H7ZB4GRMGM59QSJKT1QSZEPB", "env_id": "01H7VFHPZMXNGV8PM19WHPQ2W3", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
324
+ {"combo_id": "01H84XMFK4H1XYMQG3YNVV57TS", "env_id": "01H7VFHNR1RJKDZ9V9MDTJ1SJP", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
325
+ {"combo_id": "01H84XPQC6YEMAH15WYBGRB4G4", "env_id": "01H7VFHN56ZT2Z4C0EFX79Q31F", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
326
+ {"combo_id": "01H7ZDX164VMD89J8AQBJ4CF4R", "env_id": "01H7VFHN5WVC5HKKVBHZBA553R", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
327
+ {"combo_id": "01H7ZD00XQF3PR7ZJR0YTSP607", "env_id": "01H7VFHQ2EA3TTFZQ3M6DF3YCD", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
328
+ {"combo_id": "01H7ZJ3HECZ8GDPTD5J0K7NFZZ", "env_id": "01H7VFHPP9SPQ8W6583JFZ7HZC", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
329
+ {"combo_id": "01H7ZNR8AG058HEB68HH1KQQD4", "env_id": "01H7VFHP2XBZ6KDPGEAZ2FN1P2", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PFB4W65DF8FRPDMET5"]}
330
+ {"combo_id": "01H7ZCENZ1HM3KRHKEP1W8DH4X", "env_id": "01H7VFHQ11NAMZS4A2RDGDB01V", "agent_ids": ["01H5TNE5P83CZ1TDBVN74NGEEJ", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
331
+ {"combo_id": "01H7ZCENZ6QP025J311YX0DWSH", "env_id": "01H7VFHQ11NAMZS4A2RDGDB01V", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
332
+ {"combo_id": "01H7ZD556VSYW004N016Q4JH8P", "env_id": "01H7VFHNPMPQWSW003M7DBMVNT", "agent_ids": ["01H5TNE5P90FYSTBMW5DG5ERCG", "01H5TNE5PDTDGA0BPYKBYFTHDY"]}
333
+ {"combo_id": "01H7ZBDATP7BXKP71KXF3X6PFP", "env_id": "01H7VFHPM3NVVKSGCCB4S10465", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
334
+ {"combo_id": "01H7ZG606RXSJY7T8TJ1MEDVTC", "env_id": "01H7VFHP7K0EN9QX5JTD8B9NSQ", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
335
+ {"combo_id": "01H7ZCA4YC2NXRK1RF14T6P5ZN", "env_id": "01H7VFHNN7XTR99319DS8KZCQM", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
336
+ {"combo_id": "01H7ZK7N8XJ9FRQDSJTBFTA429", "env_id": "01H7VFHPRFCSA3BTT39BRBZX7H", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PY896ASNX8XGQA6AE0"]}
337
+ {"combo_id": "01H7VQBWB1HEPQ4ESDBX96KX5S", "env_id": "01H7VFHPMS6AJY0PFGGCFFK5GX", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
338
+ {"combo_id": "01H7ZBQKG9ADA3GMJMPAKACWBS", "env_id": "01H7VFHN2YQV0R5QWWRQZ1VRHW", "agent_ids": ["01H5TNE5PT8KW11GZ99Q0T43V4", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
339
+ {"combo_id": "01H7ZDA0G3C874Q1T681V2NPXT", "env_id": "01H7VFHPEMV6QHBGM9J094FRM4", "agent_ids": ["01H5TNE5PPK39HR52G61PQ5KQ7", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
340
+ {"combo_id": "01H7ZJXCEVVVWHV4ESA4CVNX9Y", "env_id": "01H7VFHPAD4RA819KYESWBFRYS", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
341
+ {"combo_id": "01H7ZBJD0VYWGCFAFBM7RXYMJH", "env_id": "01H7VFHP8AN5643B0NR0NP00VE", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
342
+ {"combo_id": "01H7ZNDZERRP93264F0VC3ZXK7", "env_id": "01H7VFHN1PK2FXY7TPWQK343BQ", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
343
+ {"combo_id": "01H7ZDEP14YXSAP0Q0GDY4F01N", "env_id": "01H7VFHNDRE1M02MKTPF0Q7CZA", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
344
+ {"combo_id": "01H7ZD556F5W13S9CXX96P6B9G", "env_id": "01H7VFHNPMPQWSW003M7DBMVNT", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
345
+ {"combo_id": "01H7ZC6AVRMCCXV558PRWK56KX", "env_id": "01H7VFHNFVGFY578101R2PCV3T", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
346
+ {"combo_id": "01H7ZHM6SF8A6MXHR1X672CM9M", "env_id": "01H7VFHNMHDJ8T9Q6F9S3E8XZC", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
347
+ {"combo_id": "01H7ZBX572MRVDSEMPE0RJ8Z3P", "env_id": "01H7VFHP66D5XEX2Z32SKRT2XY", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
348
+ {"combo_id": "01H7VNQPQF1YX7B45Z6NCCA21K", "env_id": "01H7VFHP3DPGRXH1Y500VQKFZA", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
349
+ {"combo_id": "01H7ZH7QNK5AD6494VN79AVH26", "env_id": "01H7VFHNQA4CJEANQ1B1J1TBWV", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5P5EP6YJKPAT92ENQS6"]}
350
+ {"combo_id": "01H84XG2BJDF10DPXAXP9Z9Q2C", "env_id": "01H7VFHP5H5GY9Z62J4NJYJQN1", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
351
+ {"combo_id": "01H7ZBDAT6K3D53D8XARVCMH0S", "env_id": "01H7VFHPM3NVVKSGCCB4S10465", "agent_ids": ["01H5TNE5P83CZ1TDBVN74NGEEJ", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
352
+ {"combo_id": "01H7ZFJ23R0MDWWVC7JP81MC79", "env_id": "01H7VFHNAH7V4JNA0705SF36Y1", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
353
+ {"combo_id": "01H7ZFBGYY108QT9Y9SDG7SR3X", "env_id": "01H7VFHPH567HKQRE0C745KH9C", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
354
+ {"combo_id": "01H7ZJXCEFP7G5F8TY2KP06M5S", "env_id": "01H7VFHPAD4RA819KYESWBFRYS", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
355
+ {"combo_id": "01H7ZGR3TDWK9T0ZRZK0Z8NE39", "env_id": "01H7VFHPS5WJW2694R1MNC8JFY", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PY896ASNX8XGQA6AE0"]}
356
+ {"combo_id": "01H7ZN5198TS7P5555JJ2517ZC", "env_id": "01H7VFHN7A1ZX5KSMT2YN9RXC4", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
357
+ {"combo_id": "01H7ZBJD08V498B9NZZ5SZP11B", "env_id": "01H7VFHP8AN5643B0NR0NP00VE", "agent_ids": ["01H5TNE5PW9SZFM058Z8P7PR5C", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
358
+ {"combo_id": "01H7ZDX15X3DY1T4X729PN31E0", "env_id": "01H7VFHN5WVC5HKKVBHZBA553R", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
359
+ {"combo_id": "01H7ZGJYZ7N8V5RT3JXN9AAYVS", "env_id": "01H7VFHQ1Q67B1ADNBD9WBAG3X", "agent_ids": ["01H5TNE5P83CZ1TDBVN74NGEEJ", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
360
+ {"combo_id": "01H7ZGARSHGTZFX7HHQGFXPVBT", "env_id": "01H7VFHNTHZAA4B5RWJ4T539F1", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
361
+ {"combo_id": "01H7ZCMW5BST8WKAEX09334E4R", "env_id": "01H7VFHN6NYWSTWCZJE2DCQKTD", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5P98J20AEW94XQ0KC35"]}
362
+ {"combo_id": "01H7ZMZW1ZA57XBBQ36QVX9480", "env_id": "01H7VFHNEEK6M3E96CT17AKDBD", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PAATSHM0K9ACWKN79P"]}
363
+ {"combo_id": "01H7ZGARS6FYDZE5PY2PNCKV9N", "env_id": "01H7VFHNTHZAA4B5RWJ4T539F1", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
364
+ {"combo_id": "01H7ZCV258ZSE82BWKKQKQG808", "env_id": "01H7VFHNSAKNYEHV7B1VA8R3J2", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
365
+ {"combo_id": "01H7ZFBGZ382VQ8MMAAB9Q03KY", "env_id": "01H7VFHPH567HKQRE0C745KH9C", "agent_ids": ["01H5TNE5PJRM958QWP3BHWY9DY", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
366
+ {"combo_id": "01H84XG2BDWTGCK41BMH91VBGE", "env_id": "01H7VFHP5H5GY9Z62J4NJYJQN1", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
367
+ {"combo_id": "01H84XMFJNR6CJRQAZE8J9RRGP", "env_id": "01H7VFHNR1RJKDZ9V9MDTJ1SJP", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
368
+ {"combo_id": "01H7ZGWH0X4117P9G0G2X17ZKF", "env_id": "01H7VFHP0TRETZPZMEJ5RZA2G7", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
369
+ {"combo_id": "01H7ZNDZF3RQXCTB5ZC78TJE8W", "env_id": "01H7VFHN1PK2FXY7TPWQK343BQ", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
370
+ {"combo_id": "01H7ZDS3FX1E3H5GX2M92PXJQ6", "env_id": "01H7VFHPTKDPQ5PZWA1M1XHT1M", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
371
+ {"combo_id": "01H84XPQC3RN33EGSK9Z7FS6RD", "env_id": "01H7VFHN56ZT2Z4C0EFX79Q31F", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
372
+ {"combo_id": "01H7ZC1GQZP85K2ADQWE2XM8VN", "env_id": "01H7VFHNW84GTR4E23KQYJ8BBN", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
373
+ {"combo_id": "01H7ZJJDCTRQ72PF97SNW9HZ6K", "env_id": "01H7VFHNVN788RJ3KXF66BPE9S", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
374
+ {"combo_id": "01H7ZD556A32P84RBGNE1G1SSM", "env_id": "01H7VFHNPMPQWSW003M7DBMVNT", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
375
+ {"combo_id": "01H7ZH0WN6P1KQFK7D747J3JZJ", "env_id": "01H7VFHP29TCH457PBDVF7WFDS", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
376
+ {"combo_id": "01H7ZDKVZ6YQ93WY927A5FTE5A", "env_id": "01H7VFHN94S6Z5T6ZNC23238NT", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
377
+ {"combo_id": "01H7ZE1CWX5FT1GGDXC48XPD2V", "env_id": "01H7VFHNF4G18PC9JHGRC8A1R6", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
378
+ {"combo_id": "01H7ZN519NCV1YN6JZJHVGC15T", "env_id": "01H7VFHN7A1ZX5KSMT2YN9RXC4", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
379
+ {"combo_id": "01H7ZCMW4T7QPZC2E4EZNV5W3J", "env_id": "01H7VFHN6NYWSTWCZJE2DCQKTD", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
380
+ {"combo_id": "01H7VJPFPQ67TTMWZ9246SQ2A4", "env_id": "01H7VFHPJKR16MD1KC71V4ZRCF", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
381
+ {"combo_id": "01H7ZHCDFW48BGPSZV6RWH7EE3", "env_id": "01H7VFHNWX3KVZGH26KYNK2XNB", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
382
+ {"combo_id": "01H7ZE1CWSHJ8XZG58NV7PA2T8", "env_id": "01H7VFHNF4G18PC9JHGRC8A1R6", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5PT06B3QPXJ65HHACV7"]}
383
+ {"combo_id": "01H84XPQBKQS2DTRBKD2M72G7X", "env_id": "01H7VFHN56ZT2Z4C0EFX79Q31F", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PR54W6SFXKNQWKGPAS"]}
384
+ {"combo_id": "01H7ZBQKG6G26N6CDM1P2RDYDR", "env_id": "01H7VFHN2YQV0R5QWWRQZ1VRHW", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PQ00AJVSSVB9V2VA9K"]}
385
+ {"combo_id": "01H7ZHCDGCVPVQ48CWGAQMESB6", "env_id": "01H7VFHNWX3KVZGH26KYNK2XNB", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
386
+ {"combo_id": "01H7ZMQEZVY6GRA9HSMAFMG5AP", "env_id": "01H7VFHNYABRSZYBFAJCK9NR1D", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
387
+ {"combo_id": "01H7ZG607C8BFTD6Z3ZBRN0W15", "env_id": "01H7VFHP7K0EN9QX5JTD8B9NSQ", "agent_ids": ["01H5TNE5P83CZ1TDBVN74NGEEJ", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
388
+ {"combo_id": "01H7ZBDATGHXVKY3YMBD263MS1", "env_id": "01H7VFHPM3NVVKSGCCB4S10465", "agent_ids": ["01H5TNE5PWZ5PNDTGKDYRY36PQ", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
389
+ {"combo_id": "01H7ZAMMGGTDC63JDMHDPGN3M1", "env_id": "01H7VFHPHWA2CYG7BC82NS4XH1", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
390
+ {"combo_id": "01H7VNMZ9TPF2H445R376F8M4F", "env_id": "01H7VFHN9W0WAFZCBT09PKJJNK", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
391
+ {"combo_id": "01H7VQ0029ZD7PD3YVP6860JKK", "env_id": "01H7VFHNRKB8BJ854JPEWY8AR3", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
392
+ {"combo_id": "01H7ZCV2613B5R2H0WVPZ3GPRK", "env_id": "01H7VFHNSAKNYEHV7B1VA8R3J2", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
393
+ {"combo_id": "01H7ZJXCE6QZJQZJPN2TJCJGN0", "env_id": "01H7VFHPAD4RA819KYESWBFRYS", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P98J20AEW94XQ0KC35"]}
394
+ {"combo_id": "01H7ZJ3HE130RCF0DKN26CEESW", "env_id": "01H7VFHPP9SPQ8W6583JFZ7HZC", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
395
+ {"combo_id": "01H84XG2BW7416YYHKREPYXYYZ", "env_id": "01H7VFHP5H5GY9Z62J4NJYJQN1", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
396
+ {"combo_id": "01H7ZM77Z9HPT0DW6S4Q82RB02", "env_id": "01H7VFHNXMZQ5Q61B3J4NNTC1A", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
397
+ {"combo_id": "01H7ZJQMVRSP31QYZXGP62R2Z0", "env_id": "01H7VFHPDE1AM74JSR8KBJJF3A", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
398
+ {"combo_id": "01H7ZAGM72D5A37ERMCDT6N9HC", "env_id": "01H7VFHPBTC4ES406NQ4ET12EQ", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
399
+ {"combo_id": "01H7ZF1KHF6M2BW88PMEZG6V27", "env_id": "01H7VFHP1JEP91TTK5PEK39D2S", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
400
+ {"combo_id": "01H7ZKJNNPR5XSYG325Z26RST4", "env_id": "01H7VFHNZQ3PQ3DHQ7H2W9ES97", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
401
+ {"combo_id": "01H7ZF72AQ8CHHK66M667M2RWW", "env_id": "01H7VFHPB2RC4RHAJ80ESYF1HW", "agent_ids": ["01H5TNE5PRCAF1CK5ERS5MVZ22", "01H5TNE5P6KZKR2AEY6SZB83H0"]}
402
+ {"combo_id": "01H7ZD00XJFA0KB5V08WBHDTZF", "env_id": "01H7VFHQ2EA3TTFZQ3M6DF3YCD", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
403
+ {"combo_id": "01H7VJPFRKEZT5VRZATGHVJZ4R", "env_id": "01H7VFHPJKR16MD1KC71V4ZRCF", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
404
+ {"combo_id": "01H7ZCMW50Y45D5MS5XSC4WTFX", "env_id": "01H7VFHN6NYWSTWCZJE2DCQKTD", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PY896ASNX8XGQA6AE0"]}
405
+ {"combo_id": "01H7ZFJ246TJ2GPFC39ME5T32Q", "env_id": "01H7VFHNAH7V4JNA0705SF36Y1", "agent_ids": ["01H5TNE5P6KZKR2AEY6SZB83H0", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
406
+ {"combo_id": "01H7VKQHT745XAP1A4DDV8H419", "env_id": "01H7VFHNNYH3W0VRWVY178K2TK", "agent_ids": ["01H5TNE5PJTHMQ1Q3T398YN990", "01H5TNE5PY896ASNX8XGQA6AE0"]}
407
+ {"combo_id": "01H7ZJXCEBWK8MX84K0TM7P2XY", "env_id": "01H7VFHPAD4RA819KYESWBFRYS", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
408
+ {"combo_id": "01H7ZG0QS1QYGBSXZ7KKMKJG55", "env_id": "01H7VFHP9PAVDN6VYYBE3MPD15", "agent_ids": ["01H5TNE5P7VW4DY1KB09FZE730", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
409
+ {"combo_id": "01H7ZC1GRDZTESAJTA3NSGDDC6", "env_id": "01H7VFHNW84GTR4E23KQYJ8BBN", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
410
+ {"combo_id": "01H84XJ4G2AT2P4GM7V7Y54XDF", "env_id": "01H7VFHPCKKZNRD5G8CKPR8WE5", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
411
+ {"combo_id": "01H7VKQHWZ05HKEZEEDX6451D8", "env_id": "01H7VFHNNYH3W0VRWVY178K2TK", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PR54W6SFXKNQWKGPAS"]}
412
+ {"combo_id": "01H7ZAGM7H236JPRSSR8B9F5SH", "env_id": "01H7VFHPBTC4ES406NQ4ET12EQ", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
413
+ {"combo_id": "01H84XMFK8EH2AW36T789XFVVY", "env_id": "01H7VFHNR1RJKDZ9V9MDTJ1SJP", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
414
+ {"combo_id": "01H7ZN519SJGSAMR3MAHYWMD22", "env_id": "01H7VFHN7A1ZX5KSMT2YN9RXC4", "agent_ids": ["01H5TNE5PQ00AJVSSVB9V2VA9K", "01H5TNE5P98J20AEW94XQ0KC35"]}
415
+ {"combo_id": "01H7ZCV25V6EVVTC5NXETX13Z9", "env_id": "01H7VFHNSAKNYEHV7B1VA8R3J2", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
416
+ {"combo_id": "01H7ZGENQS3X77MN3C1C36HKT6", "env_id": "01H7VFHNCN97BJ2PXKHJPX2VYY", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
417
+ {"combo_id": "01H7ZM77ZXQHY0XCVDX1B1GQ1Y", "env_id": "01H7VFHNXMZQ5Q61B3J4NNTC1A", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
418
+ {"combo_id": "01H7ZMH7B2F8YQ19PAF29MGDWD", "env_id": "01H7VFHNGJEVGSVPPT0784H6P8", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PKW8P500417PMSGSAC"]}
419
+ {"combo_id": "01H7ZNR8A4SW75Z6YD27KTNVEH", "env_id": "01H7VFHP2XBZ6KDPGEAZ2FN1P2", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
420
+ {"combo_id": "01H7ZB4GQMQRPCY3AX93M6SBCX", "env_id": "01H7VFHPZMXNGV8PM19WHPQ2W3", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
421
+ {"combo_id": "01H7ZAMMG87NS602QEAE8R61X3", "env_id": "01H7VFHPHWA2CYG7BC82NS4XH1", "agent_ids": ["01H5TNE5P98J20AEW94XQ0KC35", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
422
+ {"combo_id": "01H7ZF72B070PGDPVRZPK7WVYZ", "env_id": "01H7VFHPB2RC4RHAJ80ESYF1HW", "agent_ids": ["01H5TNE5PC2DP6RKG0KNQ4D5GE", "01H5TNE5PBXGRD41HXQC1ZXHVN"]}
423
+ {"combo_id": "01H7VNMZ9D95015VRHEDVPM4PF", "env_id": "01H7VFHN9W0WAFZCBT09PKJJNK", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
424
+ {"combo_id": "01H7ZCA4YQFC6YCAD44M1BTFD9", "env_id": "01H7VFHNN7XTR99319DS8KZCQM", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PFB4W65DF8FRPDMET5"]}
425
+ {"combo_id": "01H7VKQHVAYJWGZCFA51YQ0MCC", "env_id": "01H7VFHNNYH3W0VRWVY178K2TK", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
426
+ {"combo_id": "01H7ZH7QNZ6QVF9F71SR6WW0BX", "env_id": "01H7VFHNQA4CJEANQ1B1J1TBWV", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PAATSHM0K9ACWKN79P"]}
427
+ {"combo_id": "01H7ZJD8BDCSKSBBT9KV1A1WV7", "env_id": "01H7VFHPGABSWQXTACCC8C3X2F", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
428
+ {"combo_id": "01H7ZAT18VTCTTSBJ1HKR7W6TH", "env_id": "01H7VFHPQ1712DHGTMPQFTXH02", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
429
+ {"combo_id": "01H7ZN519HEF47JRT7DWEBC9HH", "env_id": "01H7VFHN7A1ZX5KSMT2YN9RXC4", "agent_ids": ["01H5TNE5PAZABGW79HJ07TACCZ", "01H5TNE5P83CZ1TDBVN74NGEEJ"]}
430
+ {"combo_id": "01H7ZEJ5S7EKAMYFB9KN6553V3", "env_id": "01H7VFHN8MPMGJTPVN043KBKGM", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5PT06B3QPXJ65HHACV7"]}
431
+ {"combo_id": "01H7ZGARSCWFFPN3HX3V96HN3G", "env_id": "01H7VFHNTHZAA4B5RWJ4T539F1", "agent_ids": ["01H5TNE5PDV7WZ0C5KTGGXX1NR", "01H5TNE5P8F9NJ2QK2YP5HPXKH"]}
432
+ {"combo_id": "01H7ZCENYHAH997DGWA241JCJ8", "env_id": "01H7VFHQ11NAMZS4A2RDGDB01V", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
433
+ {"combo_id": "01H7VQG5GM6V5PV5BYSGF5GV4A", "env_id": "01H7VFHNKVTCAGBA299VQG1QS2", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
434
+ {"combo_id": "01H7ZB9E472XRJKHAEN8MGF7SV", "env_id": "01H7VFHP6XZVT1P4R7YKAH65HJ", "agent_ids": ["01H5TNE5PAATSHM0K9ACWKN79P", "01H5TNE5P98J20AEW94XQ0KC35"]}
435
+ {"combo_id": "01H7ZN9GGHFEBQWJPE0FN5KZR2", "env_id": "01H7VFHNHTF9NKPG4KW2Z4NBQJ", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
436
+ {"combo_id": "01H84XAN2GHRH71EV2RSGRDWJG", "env_id": "01H7VFHP90434Q69V7ADY0VWZJ", "agent_ids": ["01H5TNE5PFT9HH0WRT6W1NY5GZ", "01H5TNE5PY896ASNX8XGQA6AE0"]}
437
+ {"combo_id": "01H7ZM14WZRVDJ8833X9GKA4RA", "env_id": "01H7VFHNK78PAEH6MRVYMTSEFX", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
438
+ {"combo_id": "01H84XJ4FKT5Z21HDBG422QZFT", "env_id": "01H7VFHPCKKZNRD5G8CKPR8WE5", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PJRM958QWP3BHWY9DY"]}
439
+ {"combo_id": "01H7ZAT18ZTMWF2QNA3X1DT3QA", "env_id": "01H7VFHPQ1712DHGTMPQFTXH02", "agent_ids": ["01H5TNE5PC6YGRH72RQAM862JH", "01H5TNE5P90FYSTBMW5DG5ERCG"]}
440
+ {"combo_id": "01H7ZKJNNVB3ZS0EF6QS3R5FD7", "env_id": "01H7VFHNZQ3PQ3DHQ7H2W9ES97", "agent_ids": ["01H5TNE5PY896ASNX8XGQA6AE0", "01H5TNE5P98J20AEW94XQ0KC35"]}
441
+ {"combo_id": "01H7ZE6JYDHDQ6HAW1GWWJG5CA", "env_id": "01H7VFHPNHZ2YYRHP0GXARD550", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PT8KW11GZ99Q0T43V4"]}
442
+ {"combo_id": "01H84XW4WC3Y6HGAHVVVPEPAM9", "env_id": "01H7VFHNV13MHN97GAH73E3KM8", "agent_ids": ["01H5TNE5PKW8P500417PMSGSAC", "01H5TNE5PPK39HR52G61PQ5KQ7"]}
443
+ {"combo_id": "01H7VM66457CW9GCZ0V5EQ5BCN", "env_id": "01H7VFHN2D3MJB8HM910MNEVA8", "agent_ids": ["01H5TNE5PBXGRD41HXQC1ZXHVN", "01H5TNE5PAATSHM0K9ACWKN79P"]}
444
+ {"combo_id": "01H7ZGWH1EW4EG3FBE9SSZBX4Z", "env_id": "01H7VFHP0TRETZPZMEJ5RZA2G7", "agent_ids": ["01H5TNE5PN656EADK59K4DG793", "01H5TNE5PHQKQYWS9ZS2JVEYFS"]}
445
+ {"combo_id": "01H7ZE6JYJSFJ94G3J254F1T24", "env_id": "01H7VFHPNHZ2YYRHP0GXARD550", "agent_ids": ["01H5TNE5P98J20AEW94XQ0KC35", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
446
+ {"combo_id": "01H84XW4W847280T2K04ZKAXTY", "env_id": "01H7VFHNV13MHN97GAH73E3KM8", "agent_ids": ["01H5TNE5P7RVY0TYX8VTCXABR6", "01H5TNE5PQ00AJVSSVB9V2VA9K"]}
447
+ {"combo_id": "01H7ZEJ5RMYMJ54ST348VH4D4G", "env_id": "01H7VFHN8MPMGJTPVN043KBKGM", "agent_ids": ["01H5TNE5PMBJ9VHH51YC0BB64C", "01H5TNE5Q1J7Z7Q12WA1W90MR9"]}
448
+ {"combo_id": "01H7ZK298G4WKC2Q71BWKRJFAD", "env_id": "01H7VFHPSWGDGEYRP63H2DJKV0", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PAATSHM0K9ACWKN79P"]}
449
+ {"combo_id": "01H7ZEPZ8YTK8YXG7J8Q9ZQMT9", "env_id": "01H7VFHNZ1XA77AG7A97M4E6C3", "agent_ids": ["01H5TNE5PT06B3QPXJ65HHACV7", "01H5TNE5PBKCFDAK6293NKYJ4D"]}
450
+ {"combo_id": "01H7ZDEP9BKZGD3MJHW6Q637NA", "env_id": "01H7VFHNDRE1M02MKTPF0Q7CZA", "agent_ids": ["01H5TNE5PBKCFDAK6293NKYJ4D", "01H5TNE5PGWN8VGVAYDBKPN2TV"]}
profiles/environment_profiles.jsonl ADDED
@@ -0,0 +1,90 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {"env_id": "01H7VFHP3DPGRXH1Y500VQKFZA", "codename": "divide_things", "source": "deal-or-no-deal", "scenario": "Two friends are moving out of their shared apartment and need to divide their common possessions, which include 3 books, 2 hats, and 1 ball. Each item has a different sentimental value for each person, which translates into points.", "agent_goals": ["Maximize the points you have while dividing things fairly (<extra_info>Extra information: Books give you 5 points each, hats give you 3 points each, and the ball gives you 2 points.</extra_info>)", "Maximize the points you have while dividing things fairly (<extra_info>Extra information: Books give you 2 points each, hats give you 5 points each, and the ball gives you 3 points.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
2
+ {"env_id": "01H7VFHN56ZT2Z4C0EFX79Q31F", "codename": "movie_to_watch", "source": "hand-craft", "scenario": "Two friends deciding on a movie to watch on Netflix", "agent_goals": ["To watch a comedy film with your friend (<strategy_hint>Hint: provide financial/material-wise benefits to persuade them to watch the genre you like</strategy_hint>)", "To watch a thriller with your friend (<strategy_hint>Hint: provide financial/material-wise benefits to persuade them to watch the genre you like</strategy_hint>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
3
+ {"env_id": "01H7VFHN94S6Z5T6ZNC23238NT", "codename": "lying_affair", "source": "social_chemistry", "scenario": "A conversation between two individuals in a new romantic relationship", "agent_goals": ["Admit to having an affair (<extra_info>Extra information: you had an affair during your previous relationship which ended recently</extra_info>)", "Maintain trust in the relationship (<extra_info>Extra information: you believed in complete honesty from the beginning of the relationship</extra_info>)"], "relationship": "4", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
4
+ {"env_id": "01H7VFHNK78PAEH6MRVYMTSEFX", "codename": "reveal_secret", "source": "social_iqa", "scenario": "Two friends meeting in a coffee shop after a long time.", "agent_goals": ["Reveal a secret without letting the other person know that it is your secret (<extra_info>Extra information: You hid the secret for so long and you would like to share it in an anonymous way.</extra_info>)", "Reveal a secret without letting the other person know that it is your secret (<extra_info>Extra information: You hid the secret for so long and you would like to share it in an anonymous way.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
5
+ {"env_id": "01H7VFHNH8A88C4XJ7X4PVAHV4", "codename": "play_hooky", "source": "social_chemistry", "scenario": "Two individuals are now at a park. One individual was playing hooky from work and noticed the other person had been following them around all day", "agent_goals": ["Ask them about their intentions without seeming paranoid or rude (<extra_info>Extra information: you are worried that your boss may have sent someone to see if you were really sick.<strategy_hint>Hint: you could subtly bring up the topic in conversation.</strategy_hint></extra_info>)", "Assure them that you're not stalking them and maintain a friendly conversation (<extra_info>Extra information: you've been running errands all day and it's a coincidence you are at the same places as they are.</extra_info>)"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
6
+ {"env_id": "01H7VFHNF4G18PC9JHGRC8A1R6", "codename": "unwelcome_guest", "source": "social_chemistry", "scenario": "A conversation between two individuals, one is the homeowner and the other is their cousin's partner, who has been staying at the house for a while.", "agent_goals": ["Tell the cousin's partner that they are no longer welcome in your home (<extra_info>Extra information: they have been causing a lot of trouble and not respecting house rules <strategy_hint>Hint: you may want to discuss the issues and propose possible solutions</strategy_hint></extra_info>)", "Attempt to remain in the home while maintaining a good relationship with the cousin and the homeowner (<extra_info>Extra information: you have nowhere else to go at the moment and you believe the issues can be resolved. </extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
7
+ {"env_id": "01H7VFHPDZVVCDZR3AARA547CY", "codename": "donate_funds", "source": "persuation_for_good", "scenario": "Two friends participating in a charity event for children in Syria", "agent_goals": ["Convince your friend to donate more funds to the cause (<extra_info>Extra information: Your friend initially planned to donate $200, but you believe they could afford to donate $500</extra_info>)", "Maintain financial stability while supporting the cause (<extra_info>Extra information: You only have $300 set aside for donations and other expenses, and you are not comfortable about exceeding this budget.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
8
+ {"env_id": "01H7VFHQ1Q67B1ADNBD9WBAG3X", "codename": "craigslist_bargains_00008", "source": "craigslist_bargains", "scenario": "One person is selling a couch, loveseat, chair, and ottoman set for $550.0, while another person is keen to purchase it. The set of furniture is described as being incredibly comfortable. The seller's wife wishes to upgrade to a new, stiffer couch, hence the sale. Despite some light staining from life's little incidents, the set is in great condition. The comfort of the furniture is particularly emphasized by the seller.", "agent_goals": ["You are the buyer for this item, with a target price of $418.0. If you end up purchasing it for a price significantly higher than the target, you will be penalized. However, if you manage to acquire it for less than the target price, you will receive a bonus.", "As the seller for this item, your target price is set at $312.0. Please be aware that a penalty will be incurred if the item is sold for a price significantly below the target price. However, you will receive a bonus if you manage to sell it for more than the target price."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
9
+ {"env_id": "01H7VFHN7A1ZX5KSMT2YN9RXC4", "codename": "sell_item", "source": "social_chemistry", "scenario": "Two friends at a garage sale", "agent_goals": ["Sell an item that isn't yours (<extra_info>Extra information: the item is a valuable vintage record that you mistakenly thought was yours.</extra_info>)", "Buy the item but also make sure the friend doesn't get into trouble (<extra_info>Extra information: You know the item actually belongs to another mutual friend.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
10
+ {"env_id": "01H7VFHNSV5BKMP61H535PPTSG", "codename": "helping_hand", "source": "social_iqa", "scenario": "Two friends are out for a walk in the park when one of them, One friend, trips and twists their ankle. They are in too much pain to walk.", "agent_goals": ["Help your friend get to a medical facility (<extra_info>Extra information: Your friend needs immediate medical attention but cannot walk due to the pain.</extra_info>)", "If your friend offers you help, accept their help and rationalize the cost of the ambulance (<extra_info>Extra information: You are worried about the cost of the ambulance, but you believe it's the safest way to get to a hospital.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
11
+ {"env_id": "01H7VFHP0TRETZPZMEJ5RZA2G7", "codename": "talk_loudly", "source": "normbank", "scenario": "Two friends are studying together in a library.", "agent_goals": ["Ask your friend to talk more softly (<extra_info>Extra information: Your friend's loud talking is distracting you and others around you.</extra_info>)", "You need to express your thoughts and ideas but also want to respect the library rules and your friend's request (<extra_info>Extra information: You are naturally a loud talker and you are excited about the topic you're discussing.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
12
+ {"env_id": "01H7VFHPQQQY6H4DNC6NBQ8XTG", "codename": "craigslist_bargains_00000", "source": "craigslist_bargains", "scenario": "One person is selling a brand new 64GB Samsung Galaxy S8 in Midnight Black for $650, while another person is in the market to purchase it. Here\\'s what the seller has to say about the item: \"I have 6 brand new Samsung Galaxy S8 phones. I originally bought them for my company, but it turns out they weren\\'t needed. I\\'m willing to take a loss on them, and if you\\'re interested in buying more than one, I can offer an even better deal.\"", "agent_goals": ["You are the buyer for this item and the target price is set at $454.0. If you purchase it for a price significantly higher than the target, you'll face a penalty. However, if you manage to successfully negotiate a price lower than the target, you'll receive a bonus.", "You are the seller for this item. Your target price is $610.00. You will face penalties if you sell it for a price significantly lower than the target price. However, you will receive a bonus if you manage to sell it for a price higher than the target."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
13
+ {"env_id": "01H7VFHPDE1AM74JSR8KBJJF3A", "codename": "donate_to_cause", "source": "persuation_for_good", "scenario": "A conversation between two individuals at a charity gala", "agent_goals": ["Convince the other individual to donate to a cause supporting young children (<extra_info>Extra information: this cause can greatly improve the lives of many young children and you think it is a worthy cause. The minimum donation for this charity organization is $3000</extra_info>)", "Maintain financial stability while supporting causes (<extra_info>Extra information: you have a certain budget for donations this year and have already made several donations. You are only thinking of donating $2000 max</extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
14
+ {"env_id": "01H7VFHNQA4CJEANQ1B1J1TBWV", "codename": "life_dilemma", "source": "social_iqa", "scenario": "Two inmates are given the chance to chat briefly before one of them is led to the execution chamber for their last meal. They have the opportunity to make a confession that could potentially alter the outcome of their sentences.", "agent_goals": ["Persuade the other inmate to confess (<extra_info>Extra information: confessing to the crime could result in a life sentence instead of execution but the other inmate is unwilling to confess.</extra_info>)", "Avoid confessing to the crime (<extra_info>Extra information: you believe you are innocent and confessing would result in a life sentence</extra_info>)"], "relationship": "1", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
15
+ {"env_id": "01H7VFHP4TX1J43FS1QQJ1QFND", "codename": "divide_things", "source": "deal-or-no-deal", "scenario": "Two roommates deciding on how to divide certain items that they bought together for their apartment. The items are 3 books, 2 hats, and 1 ball. Each item has a different sentimental value for each person, which translates into points.", "agent_goals": ["Maximize the points you have (<extra_info>Extra information: For you, each book is worth 2 points, each hat is worth 3 points, and the ball is worth 5 points</extra_info>)", "Maximize the points you have (<extra_info>Extra information: For you, each book is worth 3 points, each hat is worth 2 points, and the ball is worth 4 points</extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
16
+ {"env_id": "01H7VFHNBYXD48NDRY02VCWXFN", "codename": "tree_trimming", "source": "social_chemistry", "scenario": "A conversation between two neighbors about tree trimming in the backyard that is causing the neighbor's dog to bark incessantly.", "agent_goals": ["Trimming the tree due to its overgrowth (<extra_info>Extra information: you need to trim the tree because it's blocking sunlight to your house and causing a safety hazard</extra_info>)", "Maintain peace and quiet in the neighborhood (<extra_info>Extra information: you have a dog who is sensitive to noise and gets agitated whenever tree trimming is going on. It's causing a disturbance.</extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
17
+ {"env_id": "01H7VFHP2XBZ6KDPGEAZ2FN1P2", "codename": "divide_things", "source": "deal-or-no-deal", "scenario": "Two friends are dividing their shared possessions after moving out from their shared apartment. They need to divide possessions, which include 4 books, 6 hats, and 2 balls. Each item has a different sentimental value for each person, which translates into points.", "agent_goals": ["Maximize the points they have (<extra_info>Extra information: you value the books at 3 points each, the hats at 2 points each, and the ball at 1 point</extra_info>)", "Maximize the points they have (<extra_info>Extra information: you value the books at 1 point each, the hats at 3 points each, and the ball at 2 points</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
18
+ {"env_id": "01H7VFHPQ1712DHGTMPQFTXH02", "codename": "mutual_friend_00009", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Alvin.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Mable: School: Sewanee, University of the South Company: BellSouth \n Lolita: School: Winona State University Company: ONEOK \n Catherine: School: Utah Valley State College Company: Lincoln Industries \n Vita: School: Winona State University Company: Erickson Air-Crane \n Brandon: School: Winona State University Company: The Greenbrier Companies \n Don: School: Clark University Company: MetLife \n Alvin: School: Auburn University - Montgomery Company: Vectren \n Tara: School: Kansas Wesleyan University Company: Gentiva Health Services \n Arlene: School: Kansas Wesleyan University Company: BellSouth \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Dave: School: Sewanee, University of the South Company: BellSouth \n Timothy: School: Louisiana State University Company: BellSouth \n Leona: School: Coe College Company: Franklin Templeton \n Alvin: School: Auburn University - Montgomery Company: Vectren \n Karissa: School: Saint John's University Company: U.S. Venture Partners \n Stephanie: School: Coe College Company: Sequoia Capital \n Kathy: School: Auburn University - Montgomery Company: Estes Industries \n Monica: School: Coe College Company: The Greenbrier Companies \n Blanche: School: Auburn University - Montgomery Company: Oakley, Inc. \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
19
+ {"env_id": "01H7VFHP8AN5643B0NR0NP00VE", "codename": "divide_items", "source": "deal-or-no-deal", "scenario": "Two friends are moving out of a shared apartment and need to split their common possessions including 3 hats, 2 balls, and 1 book", "agent_goals": ["Maximize the points by getting the items you value the most (<extra_info>Extra information: For you, a hat is worth 1 point, a ball is 2 points, and a book is 3 points</extra_info>)", "Maximize the points by getting the items you value the most (<extra_info>Extra information: For you, a hat is worth 2 points, a ball is 1 point, and a book is 3 points</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
20
+ {"env_id": "01H7VFHPFYB1K1KMPZG7E31WDB", "codename": "matching_donation", "source": "persuation_for_good", "scenario": "Two friends are at a charity event", "agent_goals": ["Convince your friend to donate to the charity. (<extra_info>Extra information: you have already donated $500, you want your friend to match your donation, but you know your friend would usually only donate half of your donation</extra_info>)", "Donate half of what your friend donated because you have financial constraints (<extra_info>Extra information: you only have $800 left for the month</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
21
+ {"env_id": "01H7VFHP6XZVT1P4R7YKAH65HJ", "codename": "divide_things", "source": "deal-or-no-deal", "scenario": "Two friends are having a picnic. They have 3 apples, 2 bananas, and 1 orange they need to share among them. Each person has a different preference for fruit, which translates into points.", "agent_goals": ["Maximize the points you have (<extra_info>Extra information: For you, an apple is worth 1 point, a banana is worth 2 points, and an orange is 3 points</extra_info>)", "Maximize the points you have (<extra_info>Extra information: For you, an apple is worth 2 points, a banana is worth 1 point, and an orange is 3 points</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
22
+ {"env_id": "01H7VFHP0AW0C23DV6ZG0B4HCE", "codename": "movie_scene", "source": "normbank", "scenario": "Two friends who enjoy community theatre are on the set of a scene. They are about to perform a highly emotional scene that requires both of them to cry on cue, but one of them is finding it difficult to get into the right emotional state.", "agent_goals": ["Get your co-actor to cry in the scene (<extra_info>Extra information: you have been acting for several years and have good control over your emotions. You can cry on cue.</extra_info>)", "Try to cry in the scene but keep your composure (<extra_info>Extra information: you are a new actor and have difficulty crying on cue. You are worried that your lack of tears will ruin the scene.</extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "[actor, actor]", "agent_constraint": "none"}
23
+ {"env_id": "01H7VFHPNHZ2YYRHP0GXARD550", "codename": "mutual_friend_00007", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Thanh.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Elizabeth: School: Eastern Nazarene College Time Preference: morning Major: Social Science Education Location Preference: outdoor \n Eric: School: San Jose State University Time Preference: evening Major: Geological Engineering Location Preference: outdoor \n Leroy: School: Trenton State College Time Preference: morning Major: Greek Location Preference: outdoor \n Thanh: School: Williams College Time Preference: afternoon Major: Greek Location Preference: outdoor \n Marva: School: Williams College Time Preference: afternoon Major: Bioengineering Location Preference: outdoor \n Michael: School: Williams College Time Preference: morning Major: Marine Biology Location Preference: outdoor \n Virginia: School: Williams College Time Preference: evening Major: Applied Mathematics Location Preference: outdoor \n Debra: School: Williams College Time Preference: afternoon Major: Psychology Location Preference: outdoor \n Eugenia: School: Stephens College Time Preference: morning Major: Psychology Location Preference: outdoor \n Roberto: School: University of Arkansas - Fayetteville Time Preference: morning Major: Electrical Technology Location Preference: outdoor \n Mark: School: University of Arkansas - Fayetteville Time Preference: morning Major: Sports, Recreation, & Leisure Studies Location Preference: outdoor \n Georgene: School: University of Arkansas - Fayetteville Time Preference: evening Major: Bioengineering Location Preference: outdoor \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Thanh: School: Williams College Time Preference: afternoon Major: Greek Location Preference: outdoor \n Vance: School: Williams College Time Preference: afternoon Major: Vocational Education Location Preference: outdoor \n Brenda: School: Trenton State College Time Preference: evening Major: Conflict Resolution Studies Location Preference: outdoor \n Alice: School: Trenton State College Time Preference: morning Major: Crafts & Artisanry Location Preference: indoor \n Thomas: School: Williams College Time Preference: afternoon Major: Asian Languages Location Preference: indoor \n Janet: School: Trenton State College Time Preference: morning Major: Greek Location Preference: indoor \n Robert: School: Rutgers University, Newark Time Preference: morning Major: Protestant Affiliation Location Preference: indoor \n Anthony: School: Oberlin College Time Preference: morning Major: Conflict Resolution Studies Location Preference: outdoor \n Elvera: School: Muskingum College Time Preference: afternoon Major: Crafts & Artisanry Location Preference: outdoor \n James: School: Williams College Time Preference: afternoon Major: Materials Engineering Location Preference: outdoor \n Edgar: School: Muskingum College Time Preference: morning Major: Conflict Resolution Studies Location Preference: outdoor \n Kristen: School: Oberlin College Time Preference: evening Major: Electrical Technology Location Preference: indoor \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
24
+ {"env_id": "01H7VFHNZ1XA77AG7A97M4E6C3", "codename": "secret_feeling", "source": "normbank", "scenario": "Conversation between two friends, where one is upset and crying", "agent_goals": ["Distance from a friend due to developing feelings and avoid letting them aware of your feelings (<extra_info>Extra information: you have developed romantic feelings for your friend and it's making you uncomfortable. You want to take a step back from the friendship to sort out your feelings <strategy_hint>Hint: you don't want to reveal your secretive feelings to them and you need to find other reasons</strategy_hint></extra_info>)", "Figure out why they estranged you recently, and maintain the existing friendship (<extra_info>Extra information: you notice that your friend has been intentionally avoiding you, you would like to figure out why. You value your friendship with the friend and don't want to lose it.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
25
+ {"env_id": "01H7VFHP7K0EN9QX5JTD8B9NSQ", "codename": "divide_fruits", "source": "deal-or-no-deal", "scenario": "Two people deciding on how to divide the collected fruits. There are 3 apples, 2 bananas, 1 orange in total.", "agent_goals": ["Maximize the points by getting the most favored fruits (<extra_info>Extra information: For you, 1 apple = 1 point, 1 banana = 2 points, 1 orange = 3 points <strategy_hint>Hint: you and the other person value the fruits differently, try to find a win-win solution.</strategy_hint></extra_info>)", "Maximize the points by getting the most favored fruits (<extra_info>Extra information: For you, 1 apple = 3 points, 1 banana = 1 point, 1 orange = 2 points <strategy_hint>Hint: you and the other person value the fruits differently, try to find a win-win solution.</strategy_hint></extra_info>)"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
26
+ {"env_id": "01H7VFHPH567HKQRE0C745KH9C", "codename": "mutual_friend_00001", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Harvey.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n David: Hobby: Homebrewing Company: Christian Moerlein Brewing Company Time Preference: afternoon Location Preference: indoor \n Larry: Hobby: Homebrewing Company: The J.M. Smucker Company Time Preference: morning Location Preference: outdoor \n Lynn: Hobby: Homebrewing Company: Cray Time Preference: evening Location Preference: outdoor \n Donald: Hobby: Homebrewing Company: Advance Auto Parts Time Preference: afternoon Location Preference: outdoor \n Dennis: Hobby: Amateur radio Company: The J.M. Smucker Company Time Preference: morning Location Preference: outdoor \n Jane: Hobby: Homebrewing Company: Planet Hollywood Time Preference: morning Location Preference: outdoor \n Harvey: Hobby: Amateur radio Company: Sony Time Preference: afternoon Location Preference: indoor \n Ninfa: Hobby: Quilting Company: The J.M. Smucker Company Time Preference: morning Location Preference: outdoor \n Angelica: Hobby: Homebrewing Company: Planet Hollywood Time Preference: evening Location Preference: outdoor \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Marie: Hobby: Acting Company: Southern New England Telephone Time Preference: afternoon Location Preference: outdoor \n Harvey: Hobby: Amateur radio Company: Sony Time Preference: afternoon Location Preference: indoor \n Frank: Hobby: Deltiology Company: Ebonite International Time Preference: afternoon Location Preference: indoor \n Vera: Hobby: Watching movies Company: Gentiva Health Services Time Preference: afternoon Location Preference: indoor \n Lawrence: Hobby: Kayaking Company: Ebonite International Time Preference: evening Location Preference: outdoor \n Louise: Hobby: Dancing Company: Cray Time Preference: evening Location Preference: outdoor \n Dallas: Hobby: Dancing Company: Southern New England Telephone Time Preference: evening Location Preference: outdoor \n Nancy: Hobby: Dancing Company: Southern New England Telephone Time Preference: afternoon Location Preference: outdoor \n Blake: Hobby: Dancing Company: The J.M. Smucker Company Time Preference: evening Location Preference: outdoor \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
27
+ {"env_id": "01H7VFHPBTC4ES406NQ4ET12EQ", "codename": "small_donation", "source": "persuation_for_good", "scenario": "Two acquaintances meet at a charity event. One is a representative of the charity and the other is an attendee.", "agent_goals": ["Persuade the other to make a small donation (<extra_info>Extra information: the charity is in dire need of funds but even a small donation will make a difference</extra_info>)", "Make a reasonable donation without disrupting personal budget (<extra_info>Extra information: you are already on a tight budget this month.</extra_info>)"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
28
+ {"env_id": "01H7VFHP66D5XEX2Z32SKRT2XY", "codename": "divide_things", "source": "deal-or-no-deal", "scenario": "Two friends have just finished their lunch and they have 3 apples, 2 bananas, and 1 orange left for dessert. They need to divide the fruits among themselves.Each person has a different preference for fruit, which translates into points", "agent_goals": ["Maximize the points you have (<extra_info>Extra information: For you, 1 apple equals 2 points, 1 banana equals 1 point, and the orange equals 3 points.</extra_info>)", "Maximize the points you have (<extra_info>Extra information: For you, 1 apple equals 1 point, 1 banana equals 2 points, and the orange equals 3 points.<strategy_hint>Hint: You may want to negotiate with your friend to get the fruits that give you the most points.</strategy_hint></extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
29
+ {"env_id": "01H7VFHNDRE1M02MKTPF0Q7CZA", "codename": "distance_friend", "source": "social_chemistry", "scenario": "Two friends having a conversation at a park", "agent_goals": ["Distance from a friend due to developing feelings and avoid letting them aware of your feelings (<extra_info>Extra information: you have developed romantic feelings for your friend and it's making you uncomfortable. You want to take a step back from the friendship to sort out your feelings <strategy_hint>Hint: you don't want to reveal your secretive feelings to them and you need to find other reasons</strategy_hint></extra_info>)", "Maintain the existing friendship (<extra_info>Extra information: you value your friendship with the friend and don't want to lose it. <strategy_hint>Hint: you want to understand the sudden change in their behavior.</strategy_hint></extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
30
+ {"env_id": "01H7VFHPS5WJW2694R1MNC8JFY", "codename": "craigslist_bargains_00002", "source": "craigslist_bargains", "scenario": "One person is offering a Dresser and Matching Night Stand for $200.00, while another person is showing interest in purchasing it. This set, which is from Crate & Barrel, is in decent condition. The dresser is missing one handle, however, the detached handle is still available and could potentially be re-attached.", "agent_goals": ["You are the buyer for this item and your target price is $152.0. You will be penalized if you purchase it at a significantly higher price than the target. However, if you manage to buy it for less than the target price, you'll receive a bonus.", "As the seller of this item, your target price is set at $172.5. Please be aware that you will face a penalty if the item is sold for a significantly lower price than the target. However, if you manage to sell it for more than the target price, you will receive a bonus."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
31
+ {"env_id": "01H7VFHPJKR16MD1KC71V4ZRCF", "codename": "mutual_friend_00003", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Lawrence.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Andrew: Hobby: Slot car racing School: Mount Senario College Major: Middle Eastern Languages Company: Exxon \n Melissa: Hobby: Astronomy School: Weber State University Major: Hispanic-American Studies Company: Hornbeck Offshore Services \n Anna: Hobby: Climbing School: Valley City State University Major: Middle Eastern Languages Company: National Airlines \n Soledad: Hobby: Parkour School: Valley City State University Major: Biological Specializations Company: Concur Technologies \n John: Hobby: Astronomy School: Mount Senario College Major: Fire Protection & Security Company: Gibson Guitar Corporation \n Lawrence: Hobby: Sculling School: University of Wisconsin-Milwaukee Major: Hispanic-American Studies Company: Leonard Green & Partners \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Lawrence: Hobby: Sculling School: University of Wisconsin-Milwaukee Major: Hispanic-American Studies Company: Leonard Green & Partners \n Kay: Hobby: Badminton School: Black Hills State University Major: Religious Education Company: National Airlines \n Tanya: Hobby: Badminton School: University of Illinois at Springfield Major: Hispanic-American Studies Company: ConverDyn \n Jason: Hobby: Badminton School: Mount Senario College Major: Senior High Education Company: Vertex Pharmaceuticals \n Cristina: Hobby: Badminton School: Mount Senario College Major: Middle Eastern Languages Company: Exxon \n Josef: Hobby: Curling School: California State University, Northridge Major: Middle Eastern Languages Company: Concur Technologies \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
32
+ {"env_id": "01H7VFHNEEK6M3E96CT17AKDBD", "codename": "rekindle_relationship", "source": "social_chemistry", "scenario": "Conversation between two ex-lovers at a mutual friend's party", "agent_goals": ["Rekindle the romantic relationship (<extra_info>Extra information: You broke up three years ago but now you realize that you miss your ex-lover more than ever</extra_info>)", "Maintain emotional stability while considering the possibility of rekindling the relationship (<extra_info>Extra information: You have recently started feeling emotionally stable after the breakup and you don't want to rush into anything that might disturb that stability.</extra_info>)"], "relationship": "1", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
33
+ {"env_id": "01H7VFHN2YQV0R5QWWRQZ1VRHW", "codename": "ask_for_donantion", "source": "hand-craft", "scenario": "Two strangers meet at a charity dinner party", "agent_goals": ["Ask for donation", "Want to donate, but would like to spend money in trustworthy organizations, especially want to help queer people"], "relationship": "1", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
34
+ {"env_id": "01H7VFHNMHDJ8T9Q6F9S3E8XZC", "codename": "drive_sportscar", "source": "social_iqa", "scenario": "Two friends hanging out, one of them just got a new sports car and is excited to show it off.", "agent_goals": ["Drive the sports car and show off to friend (<extra_info>Extra information: you are very excited about your new car and can't wait for your friend to see it.</extra_info>)", "You want to drive the new sports car but also respect your friend's feelings (<extra_info>Extra information: you are a car enthusiast and have been dreaming to drive a sports car, but you also don't want to make your friend feel uncomfortable</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
35
+ {"env_id": "01H7VFHNHTF9NKPG4KW2Z4NBQJ", "codename": "emotional_support", "source": "social_chemistry", "scenario": "Two friends are having a conversation in a coffee shop", "agent_goals": ["Seek emotional support (<extra_info>Extra information: you have been feeling down lately and you need someone to talk to</extra_info>)", "Provide emotional support but also avoid enabling victim mentality (<extra_info>Extra information: you believe that your friend needs to face their problems instead of dwelling on them.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
36
+ {"env_id": "01H7VFHP9PAVDN6VYYBE3MPD15", "codename": "charity_donation", "source": "persuation_for_good", "scenario": "A conversation between two friends during a charity fundraiser event. The charity fundraising event is situated in a sprawling mansion. The intention of the event is to raise funds for effective altruism. Room after room was lined with extravagant decorations and exotic foods; attendees were decked out in couture clothing. Ticket prices to the event were exorbitant, justifying the opulence of the occasion.", "agent_goals": ["Convince the friend to donate to the charity (<extra_info>Extra information: your friend is known to be generous but has never donated to this particular cause before.</extra_info>)", "You want to donate, but you want to ensure that your money is being used effectively (<extra_info>Extra information: you are not fully convinced about the efficiency and transparency of the charity organization.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
37
+ {"env_id": "01H7VFHN3Q7498S3R4R2VDSXA0", "codename": "prison_dilemma", "source": "hand-craft", "scenario": "Two criminals are arrested and placed in separate cells. The police have enough evidence to convict both criminals of a minor crime but need their confessions to establish evidence for a more serious crime. Now they get a chance to briefly chat with each during lunchtime.", "agent_goals": ["Minimize the jail year (<extra_info>Extra information: your lawyer told you that 1. if you report the other person, you would be free, the other person would go to jail for 10 years, and vice versa. 2. if both of you remain silent, you will only receive a fine. 3. If both of you reported each other, you both would go to jail for 10 years. <strategy_hint>Hint: You may want to share your information to reach mutual understanding</strategy_hint></extra_info>)", "Minimize the jail year (<extra_info>Extra information: your lawyer told you that 1. if you report the other person, you would be free, the other person would go to jail for 10 years, and vice versa. 2. if both of you remain silent, you will only receive a fine. 3. If both of you reported each other, you both would go to jail for 10 years. <strategy_hint>Hint: You may want to share your information to reach mutual understanding</strategy_hint></extra_info>)"], "relationship": "1", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
38
+ {"env_id": "01H7VFHQ11NAMZS4A2RDGDB01V", "codename": "craigslist_bargains_00007", "source": "craigslist_bargains", "scenario": "An individual is offering an Antique Oak Accent Table for sale at $60.00, while another is keen on purchasing it. The item is a magnificent antique oak parlor table, dating back to the late 1800s, making it a fantastic addition to any home or workspace. The table offers two levels, suitable for usage as an end table, a lamp table, or any other purpose. It's in top-notch condition, boasting a dark brown antique oak color and patina. The table is robust, with solid and strong joints, and it's free from marks, cracks, or damage. It features a 24-inch X 24-inch square top and a 16-inch X 18-inch lower shelf.", "agent_goals": ["You are the buyer for this item and your target price is $30.0. If you purchase it for a price significantly higher than this, you will incur a penalty. However, if you successfully manage to buy it for less than the target price, you will receive a bonus.", "You are the seller of this item, with a target price set at $58.6. Be aware that you may face penalties if you sell this item for a significantly lower than the target price. However, if you are successful in selling it above the target price, you will receive a bonus."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
39
+ {"env_id": "01H7VFHPZMXNGV8PM19WHPQ2W3", "codename": "craigslist_bargains_00005", "source": "craigslist_bargains", "scenario": "One person has put up their Bell\\'O TV Stand - Black Glass and Wood Trim for sale at $125.0, while another person is showing interest in purchasing it. The item on sale is a beautiful 42\" Bell\\'O TV Stand, featuring black glass with an elegant wood trim. The stand measures 23 inches in height and 21 1/2 inches in depth.", "agent_goals": ["You are the buyer for this item and your target price is $112.00. Be aware that you may be penalized if you purchase it for a significantly higher price than the target. However, if you manage to buy it for less than the target price, you will receive a bonus.", "You are the seller for this item, and your target price is $76.9. Please be aware that you may face a penalty if the item is sold for a price significantly lower than the target price. However, a bonus will be rewarded if you manage to sell it for more than the target price."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
40
+ {"env_id": "01H7VFHNR1RJKDZ9V9MDTJ1SJP", "codename": "fire_trash", "source": "social_iqa", "scenario": "Two neighbors are having a conversation over the fence. One sets their trash on fire to get rid of it quickly, causing a scare in the neighborhood.", "agent_goals": ["Convince the neighbor to stop burning trash (<extra_info>Extra information: You are concerned about the potential dangers and the environmental impact of burning trash. <strategy_hint>Hint: You could imply this likely violates the law or community rules.</strategy_hint></extra_info>)", "Defend your method of trash disposal but also keep good relations with your neighbor (<extra_info>Extra information: You find burning trash convenient and are not very concerned about the environmental impact.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
41
+ {"env_id": "01H7VFHPM3NVVKSGCCB4S10465", "codename": "mutual_friend_00005", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Rafael.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n David: Hobby: Vacation Company: H. J. Heinz Company Time Preference: evening Location Preference: outdoor \n Christopher: Hobby: Go Company: McKinsey & Company Time Preference: evening Location Preference: indoor \n Lee: Hobby: Go Company: Groupon Time Preference: evening Location Preference: indoor \n Pamela: Hobby: Watching television Company: General Cable Time Preference: afternoon Location Preference: indoor \n Phillip: Hobby: Kayaking Company: Sauer-Danfoss Time Preference: afternoon Location Preference: outdoor \n Kristin: Hobby: Animal fancy Company: H. J. Heinz Company Time Preference: afternoon Location Preference: indoor \n Rafael: Hobby: Kayaking Company: General Cable Time Preference: morning Location Preference: indoor \n Chad: Hobby: Foreign language learning Company: General Cable Time Preference: evening Location Preference: indoor \n Phil: Hobby: Kayaking Company: H. J. Heinz Company Time Preference: evening Location Preference: outdoor \n Connie: Hobby: Animal fancy Company: General Cable Time Preference: afternoon Location Preference: outdoor \n Tommy: Hobby: Animal fancy Company: H. J. Heinz Company Time Preference: morning Location Preference: outdoor \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Tina: Hobby: Lacemaking Company: Groupon Time Preference: morning Location Preference: outdoor \n Rafael: Hobby: Kayaking Company: General Cable Time Preference: morning Location Preference: indoor \n Wanda: Hobby: Weightlifting Company: Sauer-Danfoss Time Preference: morning Location Preference: outdoor \n Raymond: Hobby: Foraging Company: Chicago Bridge & Iron Company Time Preference: morning Location Preference: outdoor \n Ricky: Hobby: Foraging Company: L. W. Seecamp Company Time Preference: morning Location Preference: outdoor \n Robert: Hobby: Foraging Company: Lennox International Time Preference: afternoon Location Preference: indoor \n Frances: Hobby: Foraging Company: Expedia Time Preference: morning Location Preference: indoor \n Scott: Hobby: Gaming Company: Expedia Time Preference: afternoon Location Preference: indoor \n Helen: Hobby: Motor sports Company: Union Bank Time Preference: morning Location Preference: outdoor \n Robin: Hobby: Gaming Company: L. W. Seecamp Company Time Preference: evening Location Preference: outdoor \n James: Hobby: Vacation Company: Urban Outfitters Time Preference: morning Location Preference: outdoor \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
42
+ {"env_id": "01H7VFHNJHK2W1P8JSWKAMBG4Z", "codename": "political_views", "source": "social_chemistry", "scenario": "A conversation between two individuals in a romantic relationship during a dinner at home chatting about political views.", "agent_goals": ["Express your political views which might be different from your partner's (<extra_info>Extra information: you are a strong supporter of a political party which your partner doesn't approve of</extra_info>)", "Understand the partner's political views while maintaining the relationship (<extra_info>Extra information: you disagree with your partner's political views but you want to keep your relationship strong.</extra_info>)"], "relationship": "4", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
43
+ {"env_id": "01H7VFHND24JAWG23XMPYGG5HK", "codename": "split_classes", "source": "social_chemistry", "scenario": "Two friends discussing their schedules at a coffee shop", "agent_goals": ["Convince the friend to take more classes (<extra_info>Extra information: you think your friend is not challenging themselves enough</extra_info>)", "Maintain a manageable schedule while preserving the friendship (<extra_info>Extra information: you are already overwhelmed with your current workload <strategy_hint>Hint: you can express your concerns about the workload and suggest other ways of challenging oneself.</strategy_hint></extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
44
+ {"env_id": "01H7VFHN2D3MJB8HM910MNEVA8", "codename": "ask_gift_preference", "source": "hand-craft", "scenario": "Two friends hanging out in a Starbucks", "agent_goals": ["Ask what the friend would want for their birthday without letting them aware (<clarification_hint>Hint: you should not let them know that you are buying them a gift</clarification_hint>)", "have a good time with their friend"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
45
+ {"env_id": "01H7VFHPP9SPQ8W6583JFZ7HZC", "codename": "mutual_friend_00008", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Micheline.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Melissa: Hobby: Card collecting School: University of Texas Health Science Center at Houston \n Orlando: Hobby: BASE jumping School: St. Ambrose University \n Steven: Hobby: Knitting School: St. John's College-Santa Fe \n Elizabeth: Hobby: Water sports School: St. John's College-Santa Fe \n Melaine: Hobby: Geocaching School: University of Texas Health Science Center at Houston \n Charles: Hobby: Ice hockey School: Saint Joseph's University \n Stephanie: Hobby: Card collecting School: University of California, Davis \n William: Hobby: Ice hockey School: St. Ambrose University \n Joe: Hobby: Blacksmithing School: Saint Joseph's University \n Micheline: Hobby: Shopping School: University of Hartford \n Dylan: Hobby: Card collecting School: Tennessee State University \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Jacob: Hobby: Card collecting School: Whittier College \n Marjorie: Hobby: Foraging School: University of Texas Health Science Center at Houston \n Carrie: Hobby: Geocaching School: Tennessee State University \n Louis: Hobby: Shopping School: Hesston College \n Micheline: Hobby: Shopping School: University of Hartford \n Eva: Hobby: Geocaching School: Hesston College \n Johnnie: Hobby: Blacksmithing School: University of Akron \n John: Hobby: Foraging School: University of California, Davis \n Ronald: Hobby: Weightlifting School: Indiana University at South Bend \n Cynthia: Hobby: Lacrosse School: Kansas State University \n Robert: Hobby: Water sports School: University of Akron \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
46
+ {"env_id": "01H7VFHNV13MHN97GAH73E3KM8", "codename": "revenge_plot", "source": "social_iqa", "scenario": "Conversation between two individuals who share a common dislike for a third person", "agent_goals": ["Injure the third person (<extra_info>Extra information: You have a deep-seated hatred for the third person and you are willing to take the risk to hurt them</extra_info>)", "Prevent physical harm but also express your dislike (<extra_info>Extra information: You also dislike the third person, but you are not willing to resort to violence, you prefer to express your dislike in a non-violent way<strategy_hint>Hint: you can try to convince the other person about the potential consequences of engaging in violence</strategy_hint></extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
47
+ {"env_id": "01H7VFHN8MPMGJTPVN043KBKGM", "codename": "free_stuff", "source": "social_chemistry", "scenario": "Two acquaintances run into each other at Target, one of them volunteers there (a special event) and is in charge of giving away free samples", "agent_goals": ["Give away free samples (<extra_info>Extra information: your manager has told you to clear out the samples before your shift ends.</extra_info>)", "Try to get as many free samples as possible without appearing too greedy (<extra_info>Extra information: you love free stuff but you also don't want the person to think you're taking advantage of the situation</extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
48
+ {"env_id": "01H7VFHPRFCSA3BTT39BRBZX7H", "codename": "craigslist_bargains_00001", "source": "craigslist_bargains", "scenario": "One person is offering a 47 inch LED TV for a price of $349.0, while another person is showing interest in purchasing it. Here is a description of the TV: This is a stunning 47 inch LED TV in pristine condition. The model is the LG M Series LM476700. The buyer will need to arrange for pick-up in San Ramon. Feel free to call or text if you\\'re interested. The TV is smart enabled with WIFI and has built-in apps like Netflix, Amazon, Youtube and more. It comes with a \"Magic Remote\" that has motion sensor controls. The LED display boasts 1080 HD resolution and also has a 3D function. The design is slim and lightweight with an attractive silver bezel.", "agent_goals": ["You are the buyer for this item and your target price is $174.00. Be aware that penalties apply if you purchase it for a price significantly higher than the target price. However, if you manage to buy it for less than the target price, you will receive a bonus.", "You are the seller for this item, with a target price set at $263.0. Should you sell it for a price substantially lower than this target, you will incur a penalty. However, achieving a sale at a price higher than the target will earn you a bonus."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
49
+ {"env_id": "01H7VFHN7WJK7VWVRZZTQ6DX9T", "codename": "join_trip", "source": "social_chemistry", "scenario": "Two friends are discussing their plans to go on a weekend trip", "agent_goals": ["Convince the friend to join the trip (<extra_info>Extra information: the trip will be more fun with more people, and you can share the expenses. <strategy_hint>Hint: you can provide some material benefits to persuade your friend to join.</strategy_hint></extra_info>)", "Decline the invitation to join the trip without upsetting the friend (<extra_info>Extra information: you had other plans for the weekend.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
50
+ {"env_id": "01H7VFHNPMPQWSW003M7DBMVNT", "codename": "dinner_decision", "source": "social_iqa", "scenario": "Conversation between two individuals in a romantic relationship", "agent_goals": ["Ask the other to go to dinner with you (<extra_info>Extra information: you want to have a romantic dinner at a fancy restaurant</extra_info>)", "Maintain a balanced diet while enjoying the dinner (<extra_info>Extra information: you are on a diet and you have a daily limit on calorie intake.</extra_info>)"], "relationship": "4", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
51
+ {"env_id": "01H7VFHNWX3KVZGH26KYNK2XNB", "codename": "flirt_with_someone", "source": "normbank", "scenario": "Two individuals are meeting for the first time at a social event. They find each other attractive and decide to engage in a conversation", "agent_goals": ["Flirt with the other person (<extra_info>Extra information: you are attracted to the other person and want to build a romantic relationship with them</extra_info>)", "Maintain a comfortable yet engaging conversation (<extra_info>Extra information: you are attracted to the other person but you don't want to make them feel uncomfortable or pressured</extra_info>)"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
52
+ {"env_id": "01H7VFHNCN97BJ2PXKHJPX2VYY", "codename": "apology_and_acceptance", "source": "social_chemistry", "scenario": "Conversation between two friends who have known each other for a long time. One of them used to make fun of the other because English was not their first language.", "agent_goals": ["Apologize sincerely to your friend (<extra_info>Extra information: you used to make fun of your friend's English skills as they were learning the language. Now you regret your actions and want to apologize</extra_info>)", "Accept the apology but express the hurt caused by the actions (<extra_info>Extra information: you were hurt by your friend's actions and it affected your confidence</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
53
+ {"env_id": "01H7VFHN5WVC5HKKVBHZBA553R", "codename": "game_winning", "source": "social_chemistry", "scenario": "Two friends are playing a video game together", "agent_goals": ["Win the game (<extra_info>Extra information: you just need five more minutes to accomplish your goal in the game</extra_info>)", "Stop the game because it's too late (<extra_info>Extra information: you feel tired and need to go to bed early but don't want to upset your friend</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
54
+ {"env_id": "01H7VFHN9W0WAFZCBT09PKJJNK", "codename": "share_stuff", "source": "social_chemistry", "scenario": "Two people are in the same room. One has brought some high-quality stationery items they don't want others to use without permission.", "agent_goals": ["Prevent the other person from using your stuff (<extra_info>Extra information: the stationery items are quite expensive and you don't want them to be damaged or lost <strategy_hint>Hint: you can suggest the monetary risk of the other person if they use your stuff</strategy_hint></extra_info>)", "Borrow some stationery items for your project (<extra_info>Extra information: you forgot to bring your stationery and need some for the project.</extra_info>)"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
55
+ {"env_id": "01H7VFHN4FHYG2MBD0K4HJ5F08", "codename": "take_turns", "source": "hand-craft", "scenario": "Two friends on a roadtrip", "agent_goals": ["Take turns driving (<extra_info>Extra information: you have been driving for 5 hours straight and you are tired now</extra_info>)", "you don't want to drive now because you want to rest more but also make the friend less agitated (<extra_info>Extra information: driving always makes you nervous so you could not rest while driving</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
56
+ {"env_id": "01H7VFHNFVGFY578101R2PCV3T", "codename": "confess_mistake", "source": "social_chemistry", "scenario": "Conversation between two friends, one of whom has recently found out that the other friend has been involved with their long-term partner", "agent_goals": ["Confess to your friend that you have been involved with their long-term partner (<extra_info>Extra information: you have been involved with your friend's partner knowingly and want to come clean.</extra_info>)", "Maintain the friendship without causing a huge argument (<extra_info>Extra information: you don't want to lose a good friend over this.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
57
+ {"env_id": "01H7VFHNSAKNYEHV7B1VA8R3J2", "codename": "financial_support", "source": "social_iqa", "scenario": "Two friends are meeting at a coffee shop, where one of them is having trouble keeping up with their bills.", "agent_goals": ["Help your friend with their financial trouble (<extra_info>Extra information: you are aware that your friend is struggling with their bills and you want to help.</extra_info>)", "Maintain your pride if your friend offers you money(<extra_info>Extra information: you are the friend who is struggling financially, but you don't want to seem like you are taking advantage of the situation. <strategy_hint>Hint: you can express gratitude and discuss how you plan to pay it back in the future.</strategy_hint></extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
58
+ {"env_id": "01H7VFHNN7XTR99319DS8KZCQM", "codename": "share_blanket", "source": "social_iqa", "scenario": "Two friends are camping in the wilderness and the temperature drops significantly at night", "agent_goals": ["Share the only blanket available (<extra_info>Extra information: you are extremely cold and need the blanket to keep warm <strategy_hint>Hint: you can stress the benefit of sharing.</strategy_hint></extra_info>)", "Keep the blanket for yourself as you are also very cold (<extra_info>Extra information: you have a lower tolerance for cold, and you feel that you need the blanket more</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
59
+ {"env_id": "01H7VFHP29TCH457PBDVF7WFDS", "codename": "drink_less", "source": "normbank", "scenario": "Two friends meet at a bar", "agent_goals": ["Convince the friend to drink less (<extra_info>Extra information: your friend has been drinking a lot recently and you're worried about their health</extra_info>)", "You want to keep drinking but don't want to upset your friend (<extra_info>Extra information: you've been drinking to cope with stress recently, but don't want to worry your friend</extra_info>)"], "relationship": "3", "age_constraint": "[(21, 70), (21, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
60
+ {"env_id": "01H7VFHNW84GTR4E23KQYJ8BBN", "codename": "interrupted_speech", "source": "social_iqa", "scenario": "Two friends are at a community gathering where one of them was giving a speech but was interrupted", "agent_goals": ["Continue your speech and share your thoughts (<extra_info>Extra information:You were sharing important information but got interrupted.</extra_info>)", "Apologize for interrupting and allow them to continue speaking (<extra_info>Extra information: You accidentally interrupted someone's speech and everyone seems upset about it. </extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
61
+ {"env_id": "01H7VFHP1JEP91TTK5PEK39D2S", "codename": "music_preference", "source": "normbank", "scenario": "Two friends are hanging out at home and deciding what music to listen to", "agent_goals": ["Listen to your favorite band (<extra_info>Extra information: your favorite band just released a new album</extra_info>)", "Listen to a peaceful classical music to relax (<extra_info>Extra information: you had a stressful day and you just want to relax with some classical music</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
62
+ {"env_id": "01H7VFHN6NYWSTWCZJE2DCQKTD", "codename": "facetime_etiquettes", "source": "social_chemistry", "scenario": "A couple having a conversation over FaceTime", "agent_goals": ["Express feelings about the partner taking texts while on FaceTime (<extra_info>Extra information: You find it disrespectful and it makes you feel unimportant.</extra_info>)", "Justify the act of texting while on FaceTime without hurting the partner's feelings (<extra_info>Extra information: You have some urgent and important messages to respond to.</extra_info>)"], "relationship": "4", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
63
+ {"env_id": "01H7VFHN1PK2FXY7TPWQK343BQ", "codename": "borrow_money", "source": "hand-craft", "scenario": "Conversation between two friends at a tea party", "agent_goals": ["Borrow money (<extra_info>Extra information: you need $3000 to support life.</extra_info>)", "Maintain financial stability while maintaining friendship (<extra_info>Extra information: you only have $2000 available right now. <clarification_hint>Hint: you can not lend all $2000 since you still need to maintain your financial stability.</clarification_hint></extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
64
+ {"env_id": "01H7VFHNNYH3W0VRWVY178K2TK", "codename": "sleep_arrangement", "source": "social_iqa", "scenario": "Two people in a romantic relationship are on a vacation", "agent_goals": ["Share bed and sleep together (<extra_info>Extra information: you have been sharing the bed for a few nights but the other person is not sleeping well</extra_info>)", "Sleep in a separate bed to get a good night's sleep but also maintain the intimacy with your partner (<extra_info>Extra information: you have been experiencing back pain and needs a firmer mattress to sleep on.</extra_info>)"], "relationship": "4", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
65
+ {"env_id": "01H7VFHNBBK14NGV72BWXEXXJC", "codename": "play_rights", "source": "social_chemistry", "scenario": "Conversation between two friends, one who has written a play based on their parents' life, and the other owns a production company.", "agent_goals": ["Sell the rights of the play to your friend (<extra_info>Extra information: you believe that the play is worth a lot and you would like a fair price for it</extra_info>)", "Acquire the rights of the play while maintaining a budget (<extra_info>Extra information: you only have a limited budget for new plays this season. <strategy_hint>Hint: you can not spend all your budget on this play since you still need to maintain your financial stability.</strategy_hint></extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
66
+ {"env_id": "01H7VFHPEMV6QHBGM9J094FRM4", "codename": "financial_report", "source": "persuation_for_good", "scenario": "Conversation between two business partners reviewing their company's financial status (Gourmet Delights Inc. is globally recognized for producing and distributing a diverse line of exceptional quality food products.)", "agent_goals": ["Convince the partner to cut costs (<extra_info>Extra information: you have found a report indicating the company's profits are decreasing. And you think the company should start by switching suppliers of ingredients.</extra_info> <strategy_hint>Hint: you can propose ways to cut costs that won't affect the status of the company.</strategy_hint>)", "Maintain the quality of the company's products and services while agreeing to a cost cut (<extra_info>Extra information: you are concerned about the impact of cost-cutting on the quality of your product.</extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
67
+ {"env_id": "01H7VFHNVN788RJ3KXF66BPE9S", "codename": "break_bad_luck", "source": "social_iqa", "scenario": "A conversation between two friends at a park", "agent_goals": ["Break bad luck (<extra_info>Extra information: you found out that you have been having bad luck because you have been unknowingly carrying a cursed artifact.</extra_info>)", "Help friend prepare the ritual to break the bad luck, although you are an atheist and not superstitious at all. (<extra_info>Extra information: you know that your friend believes in the ritual deeply, and the placebo effect might give them more confidence.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
68
+ {"env_id": "01H7VFHPTKDPQ5PZWA1M1XHT1M", "codename": "craigslist_bargains_00004", "source": "craigslist_bargains", "scenario": "One person is offering an Antique Chair for $15.0, while another person is interested in purchasing it. Here's what you need to know about the item: it's a beautifully carved antique wooden chair. It's in good condition, but could probably benefit from a fresh seat cushion.", "agent_goals": ["You are the buyer for this item, and your target price is $9.0. If you purchase it at a significantly higher price, be aware that you will incur a penalty. However, if you manage to buy it for less than the target price, you will receive a bonus.", "You are the seller for this item and your target price is $8. You should be aware that if you sell it for a price significantly lower than the target price, you will incur a penalty. However, if you manage to sell it for more than the target price, you stand to receive a bonus."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
69
+ {"env_id": "01H7VFHPB2RC4RHAJ80ESYF1HW", "codename": "donate_money", "source": "persuation_for_good", "scenario": "Conversation between two friends at a local charity event", "agent_goals": ["Convince your friend to donate money to the charity (<extra_info>Extra information: The charity is highly rated with many positive rewards.</extra_info>)", "Decide whether to donate while considering financial stability (<extra_info>Extra information: you want to support the charity, but you are also saving for a house. <strategy_hint>Hint: you can express your concern about your financial situation, and maybe you can find a compromise, like setting up a small monthly donation.</strategy_hint></extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
70
+ {"env_id": "01H7VFHPSWGDGEYRP63H2DJKV0", "codename": "craigslist_bargains_00003", "source": "craigslist_bargains", "scenario": "One person is offering a Tile Mate Item Tracker for a price of $20.00, while another person is interested in purchasing it. Here's a brief description of the item: no trade-ins are accepted, only cash payments are taken. The price is non-negotiable.", "agent_goals": ["You are the buyer for this item and your target price is $14.0. Bear in mind, you will incur a penalty if you end up paying significantly more than the target price. However, if you can negotiate and buy it for less than the target price, you will receive a bonus.", "You are the seller for this item and your target price is $17.3. It's important to note that a penalty will be incurred if you sell it for a price significantly lower than the target. However, if you manage to sell it for a price higher than the target, you will receive a bonus."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
71
+ {"env_id": "01H7VFHQ0BGQA0AD9FC1R4M12F", "codename": "craigslist_bargains_00006", "source": "craigslist_bargains", "scenario": "One person is offering a BMW Z3 for $5000.0, while another individual is interested in purchasing it. Here's a brief description of the car: The BMW Z3 is in need of a good home. It operates smoothly without any problems and is known for its fuel efficiency and sporty appearance. The mileage is relatively low for its age. It's an opportunity not to be missed, so come and get it before it's gone. A smog certificate is readily available.", "agent_goals": ["You are the buyer for this item and your target price is $4600. You should be aware that if you purchase it at a price significantly higher than your target, you will incur a penalty. However, if you manage to secure it for less than the target price, you will receive a bonus.", "You are the seller of this item, with a target price set at $3260. Please note, you may face a penalty if this item is sold for a price significantly lower than the target. However, you stand a chance to earn a bonus if you successfully sell it for a price higher than the target."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
72
+ {"env_id": "01H7VFHNKVTCAGBA299VQG1QS2", "codename": "reveal_answer", "source": "social_iqa", "scenario": "Conversation between two friends at a trivia night", "agent_goals": ["Get the answer for the trivia question from the friend (<extra_info>Extra information: your friend knows the answer to the trivia question but hasn't shared it with you yet</extra_info>)", "Avoid revealing the answer to the trivia question (<extra_info>Extra information: You think that your friend should try to figure it out on their own to improve their trivia skills</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
73
+ {"env_id": "01H7VFHPAD4RA819KYESWBFRYS", "codename": "charity_donation", "source": "persuation_for_good", "scenario": "An individual is trying to persuade their friend to donate to a charity supporting children in conflict zones.", "agent_goals": ["Convince a friend to donate (<extra_info>Extra information: you have been deeply moved by the plight of children in Syria and want to help.</extra_info>)", "Be supportive but also manage personal finances (<extra_info>Extra information: you are sympathetic to the cause but also have financial commitments to deal with.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
74
+ {"env_id": "01H7VFHPKA2GGPPNVJWV967HZC", "codename": "mutual_friend_00004", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Jacob.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Chris: Hobby: Mountain biking Company: Henry Schein, Inc. \n Chester: Hobby: Surfing Company: Maxim Integrated \n Wendell: Hobby: Surfing Company: Maxim Integrated \n Demetrius: Hobby: Mountain biking Company: Maxim Integrated \n Jacob: Hobby: Shooting sport Company: Maxim Integrated \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends \n Joseph: Hobby: Shooting sport Company: BP \n Lillian: Hobby: Element collecting Company: Gordon Food Service \n Vivian: Hobby: Shooting sport Company: Gordon Food Service \n Murray: Hobby: Skateboarding Company: BP \n Jacob: Hobby: Shooting sport Company: Maxim Integrated \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
75
+ {"env_id": "01H7VFHNRKB8BJ854JPEWY8AR3", "codename": "compliment_conflict", "source": "social_iqa", "scenario": "After an intense match, the jubilant team retired to celebrate their well-earned victory. The atmosphere was one of elation, but also of respect for the hard work and effort each member had put in. The team's star player, was glowing with praise and admiration from one of their teammates.\n", "agent_goals": ["Accept the compliment graciously (<extra_info>Extra information: You are the star player and have just been praised by your teammate for your performance in the game.</extra_info>)", "Clarify your intentions behind the compliment (<extra_info>Extra information: You are the teammate who has complimented the star player, but you feel that your compliment has been misunderstood and taken too seriously, possibly leading to an inflated ego.<strategy_hint>Hint: You can clarify that while you admire their skill, teamwork is also a crucial part of success.</strategy_hint></extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
76
+ {"env_id": "01H7VFHPMS6AJY0PFGGCFFK5GX", "codename": "mutual_friend_00006", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Loretta.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Robert: Major: Religious Education School: School of the Art Institute of Chicago \n Lester: Major: Biological Specializations School: Syracuse University \n August: Major: Biological Specializations School: School of the Art Institute of Chicago \n Rose: Major: Biological Specializations School: Calvin College \n Randy: Major: Biological Specializations School: Dowling College \n Dennise: Major: Marine Engineering School: Wartburg College \n Joan: Major: Pre-School Education School: University of Texas at Arlington \n Barbara: Major: Ministry & Church Administration School: University of Connecticut \n Loretta: Major: Biological Specializations School: University of Connecticut \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Eric: Major: Physical Education School: University of Texas at Arlington \n Darrell: Major: Physical Education School: Valley City State University \n Ruth: Major: Marine Engineering School: Texas A&M University-Kingsville \n Jamie: Major: Pre-School Education School: University of Texas at Arlington \n Marjorie: Major: Multi Studies School: Pacific Western University \n Evelyn: Major: Pre-School Education School: Tennessee Technological University \n Loretta: Major: Biological Specializations School: University of Connecticut \n James: Major: Marine Engineering School: Texas A&M University-Kingsville \n Sandra: Major: Ministry & Church Administration School: University of Texas at Arlington \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
77
+ {"env_id": "01H7VFHNYABRSZYBFAJCK9NR1D", "codename": "yell", "source": "normbank", "scenario": "Two roommates are having a disagreement over noise levels in their shared apartment.", "agent_goals": ["Convince your roommate to lower the noise (<extra_info>Extra information: you have an important online meeting tomorrow morning and you need a quiet environment to prepare</extra_info>)", "Defend your right to play music in your own room, but also keep the peace in the apartment (<extra_info>Extra information: you find playing music relaxing and it's your way to unwind after a long day. <strategy_hint>Hint: you may want to suggest a compromise, like using headphones or playing music only during certain hours.</strategy_hint></extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
78
+ {"env_id": "01H7VFHPF8YEVH5VVNY37Q7Z1M", "codename": "charity_donation", "source": "persuation_for_good", "scenario": "Conversation taking place in an annual charity event between two attendees.", "agent_goals": ["Convince the other person to donate $1 a day to a charity that helps feed children in need (<extra_info>Extra information: this donation would help to feed a child for a month</extra_info>)", "Donate but maintain financial stability (<extra_info>Extra information: you are willing to donate but you have a tight budget, $1 a day might be steep for your current financial situation. <strategy_hint>Hint: you might want to negotiate a lower daily amount or suggest a one-time donation.</strategy_hint></extra_info>)"], "relationship": "2", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
79
+ {"env_id": "01H7VFHPHWA2CYG7BC82NS4XH1", "codename": "mutual_friend_00002", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Neoma.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n August: School: Saint Vincent College Time Preference: evening Location Preference: indoor \n John: School: University of Rhode Island Time Preference: evening Location Preference: indoor \n Rebecca: School: State University of New York at Albany Time Preference: evening Location Preference: indoor \n Neoma: School: Hofstra University Time Preference: evening Location Preference: indoor \n Ronnie: School: National Technological University Time Preference: evening Location Preference: indoor \n Suzette: School: Utah Valley State College Time Preference: evening Location Preference: indoor \n Penelope: School: Texas A&M University-Corpus Christi Time Preference: evening Location Preference: indoor \n Fernando: School: St. John's College-Santa Fe Time Preference: evening Location Preference: outdoor \n Velda: School: Rhode Island College Time Preference: evening Location Preference: indoor \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Tiffany: School: Saint Vincent College Time Preference: evening Location Preference: outdoor \n Lucille: School: Southampton College Time Preference: evening Location Preference: indoor \n James: School: University of Wisconsin-River Falls Time Preference: evening Location Preference: outdoor \n Quinn: School: Antioch University-Los Angeles Time Preference: evening Location Preference: indoor \n Alyssa: School: Davidson College Time Preference: evening Location Preference: indoor \n Betty: School: St. John's College-Santa Fe Time Preference: evening Location Preference: indoor \n Neoma: School: Hofstra University Time Preference: evening Location Preference: indoor \n William: School: State University of New York at Albany Time Preference: evening Location Preference: outdoor \n Victoria: School: Montana Tech Time Preference: evening Location Preference: indoor \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
80
+ {"env_id": "01H7VFHP5H5GY9Z62J4NJYJQN1", "codename": "divide_things", "source": "deal-or-no-deal", "scenario": "Two friends are at a picnic and have just finished their lunch. They have 1 apple, 4 bananas, and 3 oranges left. They need to divide the fruits amongst themselves. Each person has a different preference for fruit, which translates into points.", "agent_goals": ["Maximize the points you receive through the fruit (<extra_info>Extra information: You value each apple as 5 points, each banana as 3 points, and the orange as 7 points</extra_info>)", "Maximize the points you receive through the fruit (<extra_info>Extra information: You value each apple as 2 points, each banana as 4 points, and the orange as 10 points</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
81
+ {"env_id": "01H7VFHQ2EA3TTFZQ3M6DF3YCD", "codename": "craigslist_bargains_00009", "source": "craigslist_bargains", "scenario": "One person is offering an Italian Leather Loveseat for $50.0, while another person is showing interest to purchase it. The item is a full-sized loveseat, crafted from Italian leather in a faded burgandy color. It still has the original tags, and the current owner is the first and only owner. The loveseat is in good condition with no rips or tears, and all cushions are well preserved. The leather presents a charming faded look with various small scratches from the owner's cat, adding a touch of ruggedness perfect for a Man Cave. The transaction is strictly cash and carry as the owner does not offer delivery services.", "agent_goals": ["You are the designated buyer for this item and your target price is set at $46.0. If you purchase this item at a significantly higher price than the target, you would face a penalty. However, if you manage to buy it for less than the target price, you will receive a bonus.", "You are the seller for this item, with a target price of $26.5. You'll face a penalty if the item is sold significantly below this price. However, if you manage to sell it for more than the target price, a bonus will be your reward."], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
82
+ {"env_id": "01H7VFHP90434Q69V7ADY0VWZJ", "codename": "divide_things", "source": "deal-or-no-deal", "scenario": "Two friends are moving out from a shared apartment and dividing their shared belongings which include 3 hats, 2 balls, and 1 book.", "agent_goals": ["Get maximum points from dividing items (<extra_info>Extra information: For you, the hats are worth 2 points each, balls are worth 3 points each, and the book is worth 5 points.</extra_info>)", "Get maximum points from dividing items (<extra_info>Extra information: For you, the hats are worth 3 points each, balls are worth 2 points each, and the book is worth 4 points.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
83
+ {"env_id": "01H7VFHNGJEVGSVPPT0784H6P8", "codename": "new_friends", "source": "social_chemistry", "scenario": "A conversation between two friends at a social gathering where one friend has brought along their new friend group", "agent_goals": ["Introduce your new friend group to your current friend and make them feel comfortable (<extra_info>Extra information: You have recently made a new group of friends who share your interest in outdoor activities and you want your current friend to meet them</extra_info>)", "Maintain your friendship while also expressing your concerns about the new friend group (<extra_info>Extra information: You feel a bit left out in the presence of the new friend group and want to express your feelings without causing a conflict</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
84
+ {"env_id": "01H7VFHPGABSWQXTACCC8C3X2F", "codename": "mutual_friend_00000", "source": "mutual_friends", "scenario": "2 strangers are meeting at a party. <p viewer=\"environment\">They have 1 common friends: Gracie.</p>", "agent_goals": ["You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Gracie: School: Ithaca College Major: Mathematics Education Company: Aramark Location Preference: indoor \n Ada: School: Tulane University Major: Computer Engineering Company: Briggs & Stratton Location Preference: indoor \n Sergio: School: LeTourneau University Major: Economics Company: Savers Location Preference: indoor \n William: School: Eastern Michigan University Major: Ceramic Engineering Company: Xenco Medical Location Preference: indoor \n Harry: School: Creighton University Major: Computer Engineering Company: Speedway Motorsports Location Preference: indoor \n Tyler: School: Columbia College Chicago Major: Middle Eastern Languages Company: Aramark Location Preference: indoor \n Richard: School: University of Dubuque Major: German Company: Illinois Tool Works Location Preference: indoor \n Randy: School: Holy Cross College Major: Library Science Company: American Licorice Company Location Preference: indoor \n Marquerite: School: Ithaca College Major: Middle Eastern Languages Company: Aramark Location Preference: indoor \n Jack: School: Creighton University Major: Chinese Company: Speedway Motorsports Location Preference: outdoor \n Cody: School: Metropolitan State University Major: Mathematics Education Company: LinkedIn Location Preference: indoor \n Shirley: School: Augsburg College Major: Senior High Education Company: Demaco Location Preference: indoor \n</extra_info>", "You are trying to figure out whether you have a mutual friend with the other person. You should not simply list their names.\n<extra_info> You know the following friends: \n Kathleen: School: William Mitchell College of Law Major: Greek Company: Demaco Location Preference: indoor \n Carol: School: Hood College Major: Library Science Company: Illinois Tool Works Location Preference: outdoor \n Herman: School: University of Puget Sound Major: Library Science Company: Mesa Airlines Location Preference: indoor \n Matthew: School: William Mitchell College of Law Major: Asian & Pacific Area Studies Company: Savers Location Preference: indoor \n Mark: School: University of Arkansas - Monticello Major: Economics Company: Metro-Goldwyn-Mayer Location Preference: outdoor \n Deborah: School: William Mitchell College of Law Major: Pre-Law Company: Aramark Location Preference: outdoor \n Kelly: School: Hood College Major: Middle Eastern Languages Company: Mesa Airlines Location Preference: outdoor \n Gracie: School: Ithaca College Major: Mathematics Education Company: Aramark Location Preference: indoor \n Etta: School: University of Arkansas - Monticello Major: Judaism & Jewish Studies Company: Aramark Location Preference: outdoor \n Natasha: School: Thomas Edison State College Major: Linguistics Company: Invacare Corporation Location Preference: outdoor \n Lloyd: School: Eastern Michigan University Major: Geophysical Engineering Company: Illinois Tool Works Location Preference: outdoor \n Brian: School: Ithaca College Major: Asian & Pacific Area Studies Company: Orange Micro Location Preference: outdoor \n</extra_info>"], "relationship": "0", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
85
+ {"env_id": "01H7VFHPCKKZNRD5G8CKPR8WE5", "codename": "donate_charity", "source": "persuation_for_good", "scenario": "Two friends are sitting in a coffee shop when a representative from a charity organization approaches them", "agent_goals": ["Get the friend to donate $1 a day to a charity organization (<extra_info>Extra information: you are a passionate supporter of the charity (about children's cancer) and believe that a small donation can make a big impact. $1 a day works as simple as signing up the project on an website and one can cancel anytime</extra_info>)", "Donate to the charity but not sure about how $1 a day works (<extra_info>Extra information: you're currently on a tight budget, but you also want to support the charity. </extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
86
+ {"env_id": "01H7VFHNTHZAA4B5RWJ4T539F1", "codename": "correct_misinformation", "source": "social_iqa", "scenario": "Two friends are sitting in the living room watching the history channel. One of them is upset because they believe the channel is getting a lot of historical details wrong.", "agent_goals": ["Correct the misinformation (<extra_info>Extra information: you are a history buff and have accurate knowledge about the topic being discussed on the channel.</extra_info>)", "Don't ruin the enjoyable TV watching experience but also acknowledge the friend's knowledge (<extra_info>Extra information: you are not much interested in history but enjoy the channel's presentation style and don't want the enjoyment to be ruined.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
87
+ {"env_id": "01H7VFHNZQ3PQ3DHQ7H2W9ES97", "codename": "go_on_a_date", "source": "normbank", "scenario": "Two friends who are about to go on their first romantic date", "agent_goals": ["Make the date special and memorable (<extra_info> Extra information: You have been secretly in love with your friend for a long time and you want to take this chance to express your feelings</extra_info>)", "Keep the friendship intact while exploring the possibility of a romantic relationship (<extra_info>Extra information: You value your friendship and you don't want to lose it just in case the romantic relationship does not work out</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
88
+ {"env_id": "01H7VFHNXMZQ5Q61B3J4NNTC1A", "codename": "disagree_on_movie", "source": "normbank", "scenario": "Two friends deciding on which movie to watch on a movie night.", "agent_goals": ["Insist on watching a thriller (<extra_info>Extra information: you have been looking forward to watching a new thriller movie that has just been released.</extra_info>)", "Persuade the friend to watch a comedy (<extra_info>Extra information: you do not like thrillers and would prefer to watch a comedy movie instead.</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
89
+ {"env_id": "01H7VFHNAH7V4JNA0705SF36Y1", "codename": "food_refusal", "source": "social_chemistry", "scenario": "Two roommates living together and sharing household chores. One of them, who is responsible for cooking, finds out that the other one refuses to eat anything they cook", "agent_goals": ["Convince the roommate to try the food (<extra_info>Extra information: you have spent a lot of time and effort on cooking</extra_info>)", "Express your concerns about the food without hurting the roommate's feelings (<extra_info>Extra information: you are worried about the taste and nutrition of the food</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
90
+ {"env_id": "01H7VFHP43QEZA1WZB3B3J2D9X", "codename": "divide_things", "source": "deal-or-no-deal", "scenario": "Two roommates deciding on how to split up items after a garage sale. The items are 3 books, 2 hats, and 1 ball. Each item has a different sentimental value for each person, which translates into points.", "agent_goals": ["Maximize the points you have (<extra_info>Extra information: you value the books at 3 points each, the hats at 2 points each, and the ball at 1 point</extra_info>)", "Maximize the points you have (<extra_info>Extra information: you value the books at 2 points each, the hats at 3 points each, and the ball at 1 point</extra_info>)"], "relationship": "3", "age_constraint": "[(18, 70), (18, 70)]", "occupation_constraint": "nan", "agent_constraint": "none"}
profiles/relationship_profiles.jsonl ADDED
@@ -0,0 +1,120 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {"relationship_id": "01H6HH23F98GTVRDHENWZ9C8C6", "agent1_id": "01H5TNE5PJTHMQ1Q3T398YN990", "agent2_id": "01H5TNE5PBKCFDAK6293NKYJ4D", "relationship": "4", "background_story": "Sasha and Ava live in the same neighborhood. Sasha often admires Ava's samoyed during her patrols and Ava respects Sasha's commitment towards her duty. They occasionally chat about their day and share gardening tips."}
2
+ {"relationship_id": "01H6HH4C9P97VBGHPSBSC3DSZS", "agent1_id": "01H5TNE5PN656EADK59K4DG793", "agent2_id": "01H5TNE5PT06B3QPXJ65HHACV7", "relationship": "2", "background_story": "Naomi and Donovan have crossed paths at several coding competitions and gaming conventions. They recognize each other by name and have had a few brief interactions, but they are not close friends. Interestingly, unbeknownst to one another, they both lead secret online lives - Naomi has an alter ego, while Donovan is involved in hacking activities."}
3
+ {"relationship_id": "01H6HH1X1EX4H0P7Y959VNSTFY", "agent1_id": "01H5TNE5PC6YGRH72RQAM862JH", "agent2_id": "01H5TNE5PY896ASNX8XGQA6AE0", "relationship": "0", "background_story": "Lily Greenberg and Hendrick Heinz know each other through professional circles. They both value authority and loyalty, and despite their respective occupations, they have found common ground. Their relationship is mainly professional, but they have a mutual respect for each other's work ethic and dedication."}
4
+ {"relationship_id": "01H6HHF7CJ67VFAFQ3XHSKCRSG", "agent1_id": "01H5TNE5PKW8P500417PMSGSAC", "agent2_id": "01H5TNE5PAZABGW79HJ07TACCZ", "relationship": "2", "background_story": "Miles and Mia have known each other for a few years. They initially met at a local community event where Miles was serving his specialty dishes. They have crossed paths a few times since then and have had a few casual conversations. They have different lifestyles and values, with Miles being more free-spirited and Mia being more traditional, which makes their relationship as acquaintances quite interesting."}
5
+ {"relationship_id": "01H6HHPFFD0A8XMTGQM0EXZVFA", "agent1_id": "01H5TNE5PC2DP6RKG0KNQ4D5GE", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "3", "background_story": "Samuel and Noah know each other through a local hobby club where Noah was intrigued by Samuel's talent for cooking and Samuel found Noah's secret stand-up comedy act amusing. They share a mutual respect for each other's hidden talents and enjoy each other's company, though they are not close friends."}
6
+ {"relationship_id": "01H6HHGD0AGG1FQNSB4M6R85NX", "agent1_id": "01H5TNE5PKW8P500417PMSGSAC", "agent2_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "relationship": "2", "background_story": "Miles Hawkins and Ethan Johnson are both chefs who met at a culinary conference a few years ago. They've kept in touch, discussing recipes and sharing their love for cooking. While they share a professional respect for each other, their differing values and contrasting decision-making styles have prevented them from becoming close friends."}
7
+ {"relationship_id": "01H6HHBECYDKWZTGJDH8DRRP96", "agent1_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "agent2_id": "01H5TNE5PP870BS5HP2FPPKS2Y", "relationship": "2", "background_story": "Sophia and Jasmine are acquaintances through their shared interests in fitness and wellness. They often cross paths in the local gym and sometimes participate in outdoor activities together. However, the differences in their personalities and values have kept them from becoming close friends."}
8
+ {"relationship_id": "01H6HHW9CWGS2G58VEE1YF9982", "agent1_id": "01H5TNE5PC6YGRH72RQAM862JH", "agent2_id": "01H5TNE5PHQKQYWS9ZS2JVEYFS", "relationship": "0", "background_story": "Lily and Lena met at a community event, where Lena was showcasing her architectural designs. Despite their differing personalities, they found common ground in their shared introversion and high levels of conscientiousness. They've maintained a friendly, albeit professional, relationship since then, often crossing paths at various industry events."}
9
+ {"relationship_id": "01H6HH7YTYAH0FXD9TWWNM4ACA", "agent1_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "agent2_id": "01H5TNE5PKW8P500417PMSGSAC", "relationship": "3", "background_story": "Sophia James and Miles Hawkins met at a local farmers market where they connected over their shared interest in fresh, local produce. Sophia, being a fitness enthusiast, appreciated the value of good nutrition, and Miles, being a chef, was always looking for the best ingredients for his dishes. They have become familiar faces to each other, occasionally sharing conversations and tips about health and food. However, they do not know much about each other's personal life or secrets."}
10
+ {"relationship_id": "01H6HHBMSR6C2P7511XB0CMTTG", "agent1_id": "01H5TNE5PC2DP6RKG0KNQ4D5GE", "agent2_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "relationship": "3", "background_story": "Samuel Anderson, a software developer who loves to cook, often visits the Italian restaurant where Ethan Johnson works. They talk about food and cooking techniques, and have developed an acquaintance relationship. However, they are not aware of each other\u2019s secrets: Samuel\u2019s past as a figure skater and Ethan\u2019s secret life as a romance novel author."}
11
+ {"relationship_id": "01H6HHEF3CVQFY771DZP8VAWD0", "agent1_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "agent2_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "relationship": "3", "background_story": "Amara and Oliver live in the same neighborhood and occasionally meet at community events. Oliver admires Amara's dedication to wildlife and the environment, and Amara appreciates Oliver's creativity. However, they don't have a close relationship due to their differing interests and values."}
12
+ {"relationship_id": "01H6HHJKST3TW47WMZJ02KC53B", "agent1_id": "01H5TNE5PC2DP6RKG0KNQ4D5GE", "agent2_id": "01H5TNE5PDTDGA0BPYKBYFTHDY", "relationship": "3", "background_story": "Samuel Anderson and Oliver Smith met at a local coding meet-up. Samuel, being a Software Developer, was presenting his latest project while Oliver attended the meet-up out of personal interest in technology. They share a mutual respect for each other's profession and occasionally catch up over coffee. While they have much to learn about each other, they enjoy their sporadic interactions."}
13
+ {"relationship_id": "01H6HH2JA59Z5V42RMMCZ2XY20", "agent1_id": "01H5TNE5PT06B3QPXJ65HHACV7", "agent2_id": "01H5TNE5PAATSHM0K9ACWKN79P", "relationship": "0", "background_story": "Donovan Reeves and Benjamin Jackson both attended a global coding competition where they were introduced to each other. Donovan's superior coding skills caught Benjamin's attention. However, their different interests and lifestyles kept them from getting closer. They know each other by name and acknowledge each other's skills but do not interact much beyond their professional interests."}
14
+ {"relationship_id": "01H6HHDMC6VYR8KACDGSNCB71Y", "agent1_id": "01H5TNE5PWZ5PNDTGKDYRY36PQ", "agent2_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "relationship": "2", "background_story": "Giselle Rousseau, an Art Student, and Ethan Johnson, a Chef, met at an art exhibition where Ethan was fascinated by Giselle's passion for art and photography. They found common ground in their high openness to experience and started meeting occasionally to share their interests and secrets. Hence they can be considered as acquaintances."}
15
+ {"relationship_id": "01H6HHN3VSE691C295KWFPXGSD", "agent1_id": "01H5TNE5PMBJ9VHH51YC0BB64C", "agent2_id": "01H5TNE5Q1J7Z7Q12WA1W90MR9", "relationship": "2", "background_story": "Rafael Cortez and Jaxon Prentice met during a community event where Rafael was invited as a guest speaker. Jaxon, being an investigative journalist, was covering the event. Both being outgoing individuals, they hit it off and became acquaintances. They share a mutual respect for each other's professions, but their relationship has not deepened due to their low agreeableness and differing moral values."}
16
+ {"relationship_id": "01H6HH9606VEK2HTMAASWZ351T", "agent1_id": "01H5TNE5PJTHMQ1Q3T398YN990", "agent2_id": "01H5TNE5PC6YGRH72RQAM862JH", "relationship": "1", "background_story": "Sasha Ramirez and Lily Greenberg have crossed paths numerous times due to their professional lives. Sasha, as a police officer, has often had to interact with Lily, a lawyer, in various cases. They have developed a professional acquaintance over time. They share a mutual understanding and respect due to their shared values of authority and loyalty. However, they keep their interactions strictly professional, hence they can be regarded as acquaintances."}
17
+ {"relationship_id": "01H6HH3SW3ZZ4DFS7XKXV1E98J", "agent1_id": "01H5TNE5PT8KW11GZ99Q0T43V4", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "1", "background_story": "Esmeralda Solis, the District Attorney, and Noah Davis, a coach, met at a charity ballroom dance event. They know each other by name but haven't had extensive interactions beyond the event."}
18
+ {"relationship_id": "01H6HH3KG4M9E1J5H25WHQG6NN", "agent1_id": "01H5TNE5PT06B3QPXJ65HHACV7", "agent2_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "relationship": "4", "background_story": "Donovan and Oliver met at a local cafe where they both enjoy spending their leisure time. They have shared a few conversations talking about their interests and work. Donovan appreciates Oliver's meticulousness and analytical thinking, while Oliver admires Donovan's skills in coding. They have not developed a close friendship but are familiar with each other's names and backgrounds."}
19
+ {"relationship_id": "01H6HH7R9RYGSTB3DHEDTJDT4F", "agent1_id": "01H5TNE5PW9SZFM058Z8P7PR5C", "agent2_id": "01H5TNE5P5EP6YJKPAT92ENQS6", "relationship": "1", "background_story": "Finnegan O'Malley and Emily Harrison crossed paths at their local library where Emily works. Finnegan was looking for books on painting techniques when Emily guided him to the right section. Since then, they occasionally meet at the library and share their interests in art and literature. They respect each other's introverted nature and enjoy their brief, but meaningful conversations."}
20
+ {"relationship_id": "01H6HHAQTXS2CWY2KZM1VYWTWY", "agent1_id": "01H5TNE5PQ00AJVSSVB9V2VA9K", "agent2_id": "01H5TNE5PFB4W65DF8FRPDMET5", "relationship": "4", "background_story": "Eli Dawson and Sophia Brown cross paths frequently in their respective fields of psychiatry and psychology. They recognize each other and know each other by name, but have not yet had the opportunity to develop a deeper relationship."}
21
+ {"relationship_id": "01H6HHCG06F1P64BJTRNVPEE8M", "agent1_id": "01H5TNE5PW9SZFM058Z8P7PR5C", "agent2_id": "01H5TNE5PM4XE5NN12WCGTZSDW", "relationship": "0", "background_story": "Finnegan O'Malley and Gwen Pierce met at a charity event where Gwen was donating some of her knitted creations. They found common ground in their shared love for charity and have been acquaintances ever since. Despite their different professions and personalities, their shared high level of agreeableness allows them to respect and understand each other."}
22
+ {"relationship_id": "01H6HHP7X0AWDK13FB90BZ68Q8", "agent1_id": "01H5TNE5PW9SZFM058Z8P7PR5C", "agent2_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "relationship": "2", "background_story": "Finnegan, the introverted lighthouse keeper, and Sophia, the exuberant personal trainer, first met at a local community event. Despite their differences in lifestyle and personality, they bonded over their shared love for the outdoors. Finnegan's calm demeanor and Sophia's vibrant energy balance each other out, making them good acquaintances. Sophia appreciates Finnegan's detailed approach to life, while Finnegan admires Sophia's spontaneous nature."}
23
+ {"relationship_id": "01H6HHGKPM5B2BN7A3DX7WWNCW", "agent1_id": "01H5TNE5PWZ5PNDTGKDYRY36PQ", "agent2_id": "01H5TNE5P5EP6YJKPAT92ENQS6", "relationship": "1", "background_story": "Giselle and Emily met at a local art exhibition where Giselle's work was being displayed. Emily, an avid reader and writer, was drawn to the stories Giselle's art told. After a conversation about their shared values of care and fairness, they quickly became friends. They often meet in the local park, where Giselle photographs while Emily writes. They respect each other's secrets - Emily's secret romance novels and Giselle's illegal art business."}
24
+ {"relationship_id": "01H6HHC2PPBHM3BBFBC8VVYQD5", "agent1_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "agent2_id": "01H5TNE5PT8KW11GZ99Q0T43V4", "relationship": "4", "background_story": "Ethan Johnson, a famous chef who excels in Italian cuisine, knows Esmeralda Solis, a District Attorney with a penchant for ballroom dancing, by name. They cross paths occasionally at community events and social gatherings, often engaging in brief conversations about their shared interest in power and authority, but their relationship is yet to evolve beyond a casual acquaintance."}
25
+ {"relationship_id": "01H6HH6ZC55BS37M8G2TAWJA28", "agent1_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "agent2_id": "01H5TNE5P8F9NJ2QK2YP5HPXKH", "relationship": "3", "background_story": "Ethan Johnson, a successful chef famous for his Italian cuisine met Ava Martinez at a college event that he was catering. They struck up a conversation about their shared interest in creative expressions - Ethan's culinary art and Ava's poetry. Their shared openness to experience and extraversion made them instantly click. They've kept in touch, occasionally discussing Ethan's secret romance novel drafts and Ava's latest social activism efforts. They respect each other's secrets and have become good acquaintances over time."}
26
+ {"relationship_id": "01H6HHRBCYJY6CGYCV2QVQ1C2P", "agent1_id": "01H5TNE5PKW8P500417PMSGSAC", "agent2_id": "01H5TNE5PR54W6SFXKNQWKGPAS", "relationship": "5", "background_story": "Miles and Baxter frequently cross paths at the local gardening supply shop where they share advice and tips about their respective gardens. Their shared love for plants has led them to develop a friendly rapport, although they still consider each other more of acquaintances than close friends."}
27
+ {"relationship_id": "01H6HHQQK97D93R1NXTXFF5Z3Z", "agent1_id": "01H5TNE5PY896ASNX8XGQA6AE0", "agent2_id": "01H5TNE5PR54W6SFXKNQWKGPAS", "relationship": "1", "background_story": "Hendrick Heinz and Baxter Sterling are neighbors. They know each other by name, often seeing each other during their respective routines. Hendrick is often intrigued by the unusual plants in Baxter's backyard, while Baxter has attended a few of Hendrick's wine tasting events, appreciating the tradition and sense of achievement in the culinary world."}
28
+ {"relationship_id": "01H6HHH1JQH3BMQR8XVXR96517", "agent1_id": "01H5TNE5PBKCFDAK6293NKYJ4D", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "3", "background_story": "Ava Thompson and Noah Davis met at a local community event. Ava, being an architect, was intrigued by Noah's extensive knowledge of structures and designs, which he acquired from having a swimming pool. Noah, on the other hand, found Ava's samoyed adorable. They got along well due to their shared moral value of care/harm and similar personality traits, leading to an amicable acquaintance. However, they are not aware of each other's secrets - Ava's hidden tattoo and Noah's secret identity as a stand-up comedian."}
29
+ {"relationship_id": "01H6HHWGX2P5XPGNPH8FENYQZS", "agent1_id": "01H5TNE5P83CZ1TDBVN74NGEEJ", "agent2_id": "01H5TNE5P8F9NJ2QK2YP5HPXKH", "relationship": "0", "background_story": "Ava met William at a food festival where he was showcasing his culinary skills. She was drawn to his passion for food and they had a brief conversation about their shared love for trying out new things. They have bumped into each other a few times since then, but they are still just acquaintances."}
30
+ {"relationship_id": "01H6HH3320XXZ0CA108XKQZ8CA", "agent1_id": "01H5TNE5PDV7WZ0C5KTGGXX1NR", "agent2_id": "01H5TNE5PPK39HR52G61PQ5KQ7", "relationship": "1", "background_story": "Isabelle and Zane often run into each other at local music venues where Zane can be found playing his guitar. They know each other by name but haven't spent much time together. Their shared openness to experience and high levels of extraversion could potentially lead to a deeper relationship in the future."}
31
+ {"relationship_id": "01H6HHDCD4BFAPHVMXJBETT06B", "agent1_id": "01H5TNE5P83CZ1TDBVN74NGEEJ", "agent2_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "relationship": "1", "background_story": "William and Oliver have crossed paths several times at various city events. They know each other by name and have engaged in brief conversations about their respective professions. Despite their different occupations, they share a high level of conscientiousness and extraversion. However, they haven't formed a close friendship due to their low agreeableness."}
32
+ {"relationship_id": "01H6HHJCK7W485FGAEA3ZXW3R1", "agent1_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "agent2_id": "01H5TNE5PHQKQYWS9ZS2JVEYFS", "relationship": "1", "background_story": "Sophia James and Lena Goodwin have been best friends for years. Sophia, the spontaneous personal trainer, often encourages Lena, the reserved architect, to step out of her comfort zone and enjoy life more. Despite their opposite personalities, they have found a strong bond in their shared values of fairness and care. However, their friendship is complicated by their secrets - Sophia is secretly in love with Lena's husband, while Lena once stole her best friend's boyfriend."}
33
+ {"relationship_id": "01H6HHNRAT6KH11Z0FF3W0N41C", "agent1_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "agent2_id": "01H5TNE5PAATSHM0K9ACWKN79P", "relationship": "1", "background_story": "Sophia and Benjamin met during a hiking trip organized by a local environmental group. Despite their differences, they connected over their mutual love for the outdoors and became good friends. Sophia often helps Benjamin with his physical fitness, while Benjamin inspires Sophia with his passion for environmental activism."}
34
+ {"relationship_id": "01H6HH456AC4XKPFX54MHHTC7Y", "agent1_id": "01H5TNE5PWZ5PNDTGKDYRY36PQ", "agent2_id": "01H5TNE5PJRM958QWP3BHWY9DY", "relationship": "2", "background_story": "Giselle and Micah met at an art exhibition where Giselle was showcasing their photography. Micah, being an art enthusiast himself, praised Giselle's work. They became acquaintances, often discussing art and photography. However, they are unaware of each other's secrets."}
35
+ {"relationship_id": "01H6HHGSPKAT4BXD5HN4TA9HVE", "agent1_id": "01H5TNE5P7VW4DY1KB09FZE730", "agent2_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "relationship": "2", "background_story": "Liam and Oliver live in the same neighborhood. They know each other by name and would stop for a chat whenever they cross paths during Liam's dog walks or Oliver's trips to his painting studio. Their conversations are usually short and centered around neighborhood happenings, their pets, or Oliver's latest painting."}
36
+ {"relationship_id": "01H6HHW19SCA49KKHCKRHA91ZW", "agent1_id": "01H5TNE5PT06B3QPXJ65HHACV7", "agent2_id": "01H5TNE5PBKCFDAK6293NKYJ4D", "relationship": "3", "background_story": "Donovan Reeves and Ava Thompson met during a tech conference where Donovan was participating in a coding competition. Despite their different careers, they found a common ground in their love for design and architecture. Donovan, being a software developer, has a keen interest in architectural design which is Ava's area of expertise. Ava, on the other hand, is fascinated by the intricacies of coding. They have kept in touch ever since, occasionally asking each other for professional advice."}
37
+ {"relationship_id": "01H6HHKX43YA0G345EBNM8KCEY", "agent1_id": "01H5TNE5PDV7WZ0C5KTGGXX1NR", "agent2_id": "01H5TNE5PT06B3QPXJ65HHACV7", "relationship": "2", "background_story": "Isabelle and Donovan met at a local coffee shop where Isabelle works part-time. Donovan, a regular customer, often spent his after-work hours at the coffee shop, working on his personal coding projects. They became acquainted over time, discussing shared interests in liberty and the benefits of obedience. Despite their high openness to experience, their relationship remained as acquaintances due to Donovan's low extroversion and agreeableness."}
38
+ {"relationship_id": "01H6HHR53ADAE4T00R92151BN2", "agent1_id": "01H5TNE5PM4XE5NN12WCGTZSDW", "agent2_id": "01H5TNE5PAATSHM0K9ACWKN79P", "relationship": "5", "background_story": "Gwen Pierce and Benjamin Jackson are both passionate about social justice and have crossed paths a few times at various charity events. While they aren't close friends, they have a mutual respect for each other's work and share a common understanding of the values of liberty and justice."}
39
+ {"relationship_id": "01H6HHTW04GHNK5NCMP99MJW0Q", "agent1_id": "01H5TNE5PN656EADK59K4DG793", "agent2_id": "01H5TNE5PFB4W65DF8FRPDMET5", "relationship": "3", "background_story": "Naomi Fletcher and Sophia Brown met at a local coding boot camp where Sophia was taking part as a student. Naomi was a mentor in the boot camp, helping Sophia enhance her skills in software development. They have kept in touch since then, but they are not very close due to their respective secret lives."}
40
+ {"relationship_id": "01H6HH6MKQK389KP433DWAEXXG", "agent1_id": "01H5TNE5PBKCFDAK6293NKYJ4D", "agent2_id": "01H5TNE5PY896ASNX8XGQA6AE0", "relationship": "2", "background_story": "Ava and Hendrick got to know each other at one of Hendrick's wine tasting events. Ava, being an architect, was interested in the building where the event was held and Hendrick, being the host, was more than happy to show her around. They share a professional relationship where they discuss their respective fields and occasionally share insights about their work."}
41
+ {"relationship_id": "01H6HHA81GP4ZFZBW492R8Z305", "agent1_id": "01H5TNE5PPK39HR52G61PQ5KQ7", "agent2_id": "01H5TNE5P83CZ1TDBVN74NGEEJ", "relationship": "2", "background_story": "Zane Bennett and William Brown met at a local music and food festival. Zane was captivated by William's culinary skills while William admired Zane's creativity. They share a mutual respect for each other's talents, but their relationship has remained as acquaintances due to their busy schedules."}
42
+ {"relationship_id": "01H6HH5E3W5AYGQSBDTTHA2DZ5", "agent1_id": "01H5TNE5PFT9HH0WRT6W1NY5GZ", "agent2_id": "01H5TNE5PDV7WZ0C5KTGGXX1NR", "relationship": "4", "background_story": "Leo Williams and Isabelle Martinez know each other by name, as Isabelle occasionally serves coffee to Leo at the coffee shop where she works part-time. However, they are not close and do not know much about each other's personal lives."}
43
+ {"relationship_id": "01H6HHWQPG75VEDETPDJAQ63CN", "agent1_id": "01H5TNE5PT06B3QPXJ65HHACV7", "agent2_id": "01H5TNE5PSDH2H6JXYZ9ZRG7A4", "relationship": "5", "background_story": "Donovan and Calista met at a local tech and art exhibition, where Donovan was showcasing a software he designed and Calista was displaying her clothing line. Despite their different fields, they found common ground in their shared values of self-direction and their secret alter egos. Since then, they have been acquaintances, occasionally meeting at such events, respecting each other's work but not pursuing a deeper friendship due to their contrasting personalities."}
44
+ {"relationship_id": "01H6HHQ7KBJK96Z3Z0BTWRDMCJ", "agent1_id": "01H5TNE5PKW8P500417PMSGSAC", "agent2_id": "01H5TNE5Q1J7Z7Q12WA1W90MR9", "relationship": "5", "background_story": "nan"}
45
+ {"relationship_id": "01H6HHH73EH8G479ZZQ13RZ463", "agent1_id": "01H5TNE5PP870BS5HP2FPPKS2Y", "agent2_id": "01H5TNE5PQ00AJVSSVB9V2VA9K", "relationship": "1", "background_story": "Jasmine and Eli are both members of the same book club. Their interests differ greatly and they don't have much in common, hence they only know each other by name."}
46
+ {"relationship_id": "01H6HH6CX2JEV6JY3SX553SJB1", "agent1_id": "01H5TNE5PN656EADK59K4DG793", "agent2_id": "01H5TNE5Q1QG5SBJ8HV7GJ0FS3", "relationship": "5", "background_story": "Naomi and Imelda met at a tech conference where they were both guest speakers. Despite their different fields, they found common ground discussing their love of problem-solving and analytical thinking. Their similar introverted personalities made them comfortable in each other's presence. They kept in touch professionally after the conference and occasionally share their thoughts on each other's works. They respect each other's intelligence and dedication to their fields but are not close friends."}
47
+ {"relationship_id": "01H6HHSQ3BN7210MMAR99PY205", "agent1_id": "01H5TNE5PJRM958QWP3BHWY9DY", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "2", "background_story": "Micah Stevens and Noah Davis met at a local charity event where Noah was performing as a stand-up comedian. Micah, being an extravert, approached Noah after his performance and they quickly discovered that they both have a high level of openness to experience. Despite their difference in decision-making styles, with Micah being impulsive and Noah being cautious, they continue to cross paths at various events and have developed a mutual understanding and respect for each other, classifying them as acquaintances."}
48
+ {"relationship_id": "01H6HHQYSRP0KTBE28V9JMS791", "agent1_id": "01H5TNE5P90FYSTBMW5DG5ERCG", "agent2_id": "01H5TNE5PDTDGA0BPYKBYFTHDY", "relationship": "4", "background_story": "Isabella, a devoted and empathetic veterinarian, often treats injured animals in her basement. One time, she found a rare bird with a broken wing and shared it on her community page, hoping to find any information about its origin. Ethan, a software developer, who is also a nature enthusiast, saw Isabella's post and contacted her offering his help. Since then, they know each other by name but their interaction was limited to that incident."}
49
+ {"relationship_id": "01H6HH37ZTXREBSS60DR1FM5EB", "agent1_id": "01H5TNE5PQ00AJVSSVB9V2VA9K", "agent2_id": "01H5TNE5P98J20AEW94XQ0KC35", "relationship": "3", "background_story": "Eli Dawson and Ethan Smith are both members of an online book club focusing on history and technology. They know each other by name from the discussions and book reviews they have shared on the club's forum. However, they have not yet met in person or developed a deep personal connection."}
50
+ {"relationship_id": "01H6HH636YJB4WPQXNQS0BYGNA", "agent1_id": "01H5TNE5PFT9HH0WRT6W1NY5GZ", "agent2_id": "01H5TNE5PSDH2H6JXYZ9ZRG7A4", "relationship": "1", "background_story": "Leo and Calista met at a charity run where Calista was participating and Leo was volunteering. Despite their differences, they quickly became friends. They often meet up for coffee and discuss their lives, although they both have secrets they haven\u2019t yet shared with each other. Leo has a secret child from a previous relationship and Calista lives a double life as an underground street artist."}
51
+ {"relationship_id": "01H6HHG59SC6S2FJ8H3RXCXHH3", "agent1_id": "01H5TNE5PC2DP6RKG0KNQ4D5GE", "agent2_id": "01H5TNE5P5EP6YJKPAT92ENQS6", "relationship": "4", "background_story": "nan"}
52
+ {"relationship_id": "01H6HHMN3993WZT8VVJ9X36TA6", "agent1_id": "01H5TNE5PWZ5PNDTGKDYRY36PQ", "agent2_id": "01H5TNE5PPK39HR52G61PQ5KQ7", "relationship": "0", "background_story": "Giselle and Zane met in an art exhibition where Zane was fascinated by Giselle's photography. They bonded over their shared interest in arts and high value of fairness and achievement. They quickly became acquaintances, maintaining a professional relationship that is both collaborative and creative."}
53
+ {"relationship_id": "01H6HHK59QQ1Q4YM80NJKBZVFJ", "agent1_id": "01H5TNE5PKW8P500417PMSGSAC", "agent2_id": "01H5TNE5P83CZ1TDBVN74NGEEJ", "relationship": "2", "background_story": "Miles Hawkins and William Brown both work in the culinary field. They occasionally cross paths in various food events, and have developed mutual respect for each other's cooking styles. Despite their contrasting personalities, they share a common passion for cooking. Miles, with his impulsive decision-making, is often intrigued by William's strategic approach to cooking. Simultaneously, William appreciates Miles' creativity and spontaneity in the kitchen. They are not close friends but are more than just acquaintances in the culinary world."}
54
+ {"relationship_id": "01H6HHBV6J7HAZ5K0DZD68Y9KA", "agent1_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "1", "background_story": "Sophia and Noah know each other through their professions in the fitness industry. Sophia, as a personal trainer, frequently collaborates with Noah, a coach, on various fitness events and programs. Even though they share a professional relationship, they haven't become close friends due to their different personality traits and decision-making styles. Sophia is more spontaneous and pleasure-seeking, while Noah is more cautious and reserved. Their interaction mostly revolves around fitness discussions and professional collaborations."}
55
+ {"relationship_id": "01H6HHFP08NA6VZYADF08TN9GF", "agent1_id": "01H5TNE5PC2DP6RKG0KNQ4D5GE", "agent2_id": "01H5TNE5PY896ASNX8XGQA6AE0", "relationship": "0", "background_story": "Samuel Anderson and Hendrick Heinz know each other through their mutual passion for cooking. Samuel, being a software developer, designed an app for food recipes where Hendrick, as a chef, contributed some of his unique recipes. They share an acquaintanceship, mostly engaging in discussions about food and recipes. They both share Hedonism as a personal value, further strengthening their bond."}
56
+ {"relationship_id": "01H6HH9QG5NM5CRGKWG76GMMZ8", "agent1_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "agent2_id": "01H5TNE5PR54W6SFXKNQWKGPAS", "relationship": "3", "background_story": "Oliver and Baxter are both residents of the same neighborhood. Although they don't interact much due to their contrasting personalities and interests, they are aware of each other's occupations and hobbies. Oliver, the architect, admires Baxter's unique collection of plants, and Baxter often sees Oliver painting in his free time. Despite their differences, they have developed a mutual respect for each other as they both value tradition and security in their own ways."}
57
+ {"relationship_id": "01H6HH1PS3AZDCS9KBBBCWM9T0", "agent1_id": "01H5TNE5PT06B3QPXJ65HHACV7", "agent2_id": "01H5TNE5PHQKQYWS9ZS2JVEYFS", "relationship": "2", "background_story": "Donovan and Lena met at a technology conference where Donovan was participating in a coding competition and Lena was presenting her latest architectural design. Despite their different fields, they found common ground in their love for analytical problem-solving. They've kept in touch since then, often exchanging ideas and thoughts on their respective fields."}
58
+ {"relationship_id": "01H6HHEP4V9S5J54NWPCFJYK19", "agent1_id": "01H5TNE5PW9SZFM058Z8P7PR5C", "agent2_id": "01H5TNE5P90FYSTBMW5DG5ERCG", "relationship": "2", "background_story": "Finnegan O'Malley and Isabella White both share a love for care and benevolence though in different ways. They met at a community event and became acquaintances due to their shared values and introverted personalities. Their conversations often revolve around their respective professions and their love for tranquility."}
59
+ {"relationship_id": "01H6HHJ49V8RYJRD0VGNE13X6K", "agent1_id": "01H5TNE5PC2DP6RKG0KNQ4D5GE", "agent2_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "relationship": "5", "background_story": "Samuel Anderson and Amara Hartley met during a local community event where Samuel was showcasing his cooking skills and Amara was advocating for animal rights. Their conversations were brief and infrequent, but they have remembered each other by name since then. They share common values of conscientiousness and low extraversion, but differ in values regarding openness to experience and agreeableness. Due to this, they respect each other's differences and maintain a cordial acquaintance relationship."}
60
+ {"relationship_id": "01H6HH77KBBVJXCW1RRN9FDZ1S", "agent1_id": "01H5TNE5P83CZ1TDBVN74NGEEJ", "agent2_id": "01H5TNE5PT8KW11GZ99Q0T43V4", "relationship": "5", "background_story": "William and Esmeralda crossed paths at a charity event where William was providing the catering. They engaged in a brief but lively conversation about their shared love of dance and since then, they occasionally bump into each other at various events and exchange pleasantries. They can be considered as acquaintances."}
61
+ {"relationship_id": "01H6HH2CE5AJXE7K6YXENS6VMS", "agent1_id": "01H5TNE5PFT9HH0WRT6W1NY5GZ", "agent2_id": "01H5TNE5P7VW4DY1KB09FZE730", "relationship": "1", "background_story": "Leo Williams and Liam Johnson are fellow residents in their neighborhood. Leo knows Liam by name as they occasionally cross paths when Leo is playing with his daughter and Liam is walking his dog. They haven't had deep interactions yet, but they both value security, which could be a common ground for deeper friendship in the future."}
62
+ {"relationship_id": "01H6HHC96NY35XECGPRHWXWQYC", "agent1_id": "01H5TNE5PFT9HH0WRT6W1NY5GZ", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "2", "background_story": "Leo Williams and Noah Davis met at a neighborhood community event. They often chat about their professions, and Noah has shown interest in Leo's dental expertise to maintain his oral health for his stand-up comedy career."}
63
+ {"relationship_id": "01H6HHCN9SYC82VED97NWRK070", "agent1_id": "01H5TNE5PN656EADK59K4DG793", "agent2_id": "01H5TNE5PHQKQYWS9ZS2JVEYFS", "relationship": "3", "background_story": "Naomi met Lena at a local tech meetup event a few years ago. They found common ground in their shared introverted tendencies and their respective fields in software development and architecture, often having deep conversations about design and structure. However, their relationship has remained largely professional, with a mutual respect for each other's work, making them more acquaintances than friends."}
64
+ {"relationship_id": "01H6HHPRFYPAPXA28BXVQXP1G6", "agent1_id": "01H5TNE5P7VW4DY1KB09FZE730", "agent2_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "relationship": "3", "background_story": "Liam and Ethan Johnson are father and son. As a retired police officer, Liam is proud of his son Ethan's achievements as a chef, despite their different career paths. They have a strong bond and respect each other's space and choices. They share a common last name and the same moral value of loyalty, which is evident in their family relationship."}
65
+ {"relationship_id": "01H6HHT8SZY7JRAYKCFG900DB6", "agent1_id": "01H5TNE5PKW8P500417PMSGSAC", "agent2_id": "01H5TNE5PT8KW11GZ99Q0T43V4", "relationship": "0", "background_story": "Miles Hawkins and Esmeralda Solis know each other as they frequent the same social circles. Miles, being a chef, often caters events which Esmeralda attends as a District Attorney. Their interactions are mostly professional, and they have a mutual respect for each other's careers. However, they don't share much in common due to their different interests, with Miles being into gardening and Esmeralda into ballroom dancing."}
66
+ {"relationship_id": "01H6HHTFAK2M0NAKZD8JK2XJVQ", "agent1_id": "01H5TNE5PMBJ9VHH51YC0BB64C", "agent2_id": "01H5TNE5PAZABGW79HJ07TACCZ", "relationship": "4", "background_story": "Rafael Cortez and Mia Davis meet regularly due to their active involvement in various social events. Their relationship is mainly professional, they respect each other's work and are aware of each other's reputation. They are both extraverted and have crossed paths at several community events. Rafael admires Mia's authoritative nature, while Mia appreciates Rafael's systematic approach."}
67
+ {"relationship_id": "01H6HH8NSRPP0RPGNWDKP8XKNK", "agent1_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "agent2_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "relationship": "5", "background_story": "Amara Hartley and Ethan Johnson know each other as they frequented the same farmer\u2019s market. Amara, a wildlife biologist, admired the conscientious sourcing of ingredients Ethan, a chef, practices for his Italian cooking. They respect each other's occupations and have had a few brief interactions about their shared value of fairness and ethical practices."}
68
+ {"relationship_id": "01H6HHSE05V428MAF33W1NM48S", "agent1_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "agent2_id": "01H5TNE5PAATSHM0K9ACWKN79P", "relationship": "1", "background_story": "Amara Hartley and Benjamin Jackson met at an environmental conference. Sharing a mutual passion for nature and animal rights, they quickly became friends. They often collaborate on projects and campaigns, with Amara utilizing her knowledge as a Wildlife Biologist and Benjamin using his skills and influence as an Environmental Activist. Despite their secrets, they've managed to maintain a strong bond due to their shared values and goals."}
69
+ {"relationship_id": "01H6HHM46ZJ15QKFG3MPXVWW0D", "agent1_id": "01H5TNE5PQ00AJVSSVB9V2VA9K", "agent2_id": "01H5TNE5P83CZ1TDBVN74NGEEJ", "relationship": "0", "background_story": "Eli Dawson, a forensic psychiatrist, and William Brown, a chef, met during a book fair in their city. Eli was intrigued by a rare cookbook that William was holding. They struck up a conversation and found that they both appreciate strategic decision-making. Despite their contrasting personalities, they became acquaintances and occasionally share their interests and secrets."}
70
+ {"relationship_id": "01H6HHD50P98V0WBQETNYEM2EF", "agent1_id": "01H5TNE5PJTHMQ1Q3T398YN990", "agent2_id": "01H5TNE5PQ00AJVSSVB9V2VA9K", "relationship": "1", "background_story": "Sasha Ramirez and Eli Dawson know each other professionally. Sasha, as a police officer, often works with Eli, who is a forensic psychiatrist, on various cases. Despite their professional interactions, they maintain a distant personal relationship, characterized by mutual respect but also an underlying tension due to differing moral values. Sasha's secret of covering up a crime for her brother could potentially strain their professional relationship if Eli, with his sharp, strategic decision-making, were to find out."}
71
+ {"relationship_id": "01H6HH4JYJR63CRR8NT06RM15R", "agent1_id": "01H5TNE5P7VW4DY1KB09FZE730", "agent2_id": "01H5TNE5PHQKQYWS9ZS2JVEYFS", "relationship": "5", "background_story": "Liam Johnson and Lena Goodwin live in the same neighborhood. Liam, as a retired police officer, often walks his dog around the neighborhood, while Lena, an architect, is usually seen capturing pictures of the buildings and structures she designs. They often cross paths during their respective activities and have exchanged a few words. Their relationship is that of acquaintances."}
72
+ {"relationship_id": "01H6HHAY6KRNBYX5J5RGN75M6D", "agent1_id": "01H5TNE5P7VW4DY1KB09FZE730", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "4", "background_story": "Liam Johnson, a retired police officer, and Noah Davis, a local coach, know each other by name as they often cross paths while Liam walks his dog and Noah does his morning jog."}
73
+ {"relationship_id": "01H6HHRJKAG8BV345ARQ2CDCMP", "agent1_id": "01H5TNE5P90FYSTBMW5DG5ERCG", "agent2_id": "01H5TNE5PHQKQYWS9ZS2JVEYFS", "relationship": "1", "background_story": "Isabella and Lena met at a community event and found they had similar interests and moral values. Their shared love for care and harm principle has made them friends. Isabella's empathy towards animals and Lena's analytical approach to her architecture work has led to many interesting and enriching discussions between the two."}
74
+ {"relationship_id": "01H6HHA0SQ1F51T240E18DRDSN", "agent1_id": "01H5TNE5PJRM958QWP3BHWY9DY", "agent2_id": "01H5TNE5Q1J7Z7Q12WA1W90MR9", "relationship": "0", "background_story": "Micah Stevens and Jaxon Prentice know each other by name only. They met during a community event where Jaxon was actively participating. Micah, being a social butterfly, introduced himself to Jaxon. Their common value of power sparked a brief discussion between the two, but their differing personalities kept them from forming a deeper connection."}
75
+ {"relationship_id": "01H6HHHP3EWZW3FGXCZDVMVC32", "agent1_id": "01H5TNE5PJTHMQ1Q3T398YN990", "agent2_id": "01H5TNE5P5EP6YJKPAT92ENQS6", "relationship": "2", "background_story": "Sasha Ramirez and Emily Harrison both live in the same neighborhood. Sasha, being a police officer, often visits the local library for her case research where Emily works as a librarian. They know each other by name and occasionally engage in small talk about their shared interests in gardening and writing respectively. They are not close friends but share a mutual respect for each other's occupations and hobbies."}
76
+ {"relationship_id": "01H6HHS103V2Q83NK5KZB27KQK", "agent1_id": "01H5TNE5PJTHMQ1Q3T398YN990", "agent2_id": "01H5TNE5PY896ASNX8XGQA6AE0", "relationship": "4", "background_story": "Sasha Ramirez and Hendrick Heinz know each other by name through local community events. Sasha, being a police officer, has attended Hendrick's wine tasting nights a few times to ensure safety, but they are not close friends. They share similar moral values, but their personalities and secrets ensure they maintain a certain distance."}
77
+ {"relationship_id": "01H6HHQ06GNQNA7G59YSQ0AM8A", "agent1_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "agent2_id": "01H5TNE5PAZABGW79HJ07TACCZ", "relationship": "2", "background_story": "Sophia met Mia when she started offering fitness classes at the high school where Mia works as a principal. Their relationship is purely professional, with Sophia being respectful of Mia's authority at work. They don't interact outside of school activities."}
78
+ {"relationship_id": "01H6HHNB6HGE3X9X4NNPEX5CC5", "agent1_id": "01H5TNE5PC6YGRH72RQAM862JH", "agent2_id": "01H5TNE5PBKCFDAK6293NKYJ4D", "relationship": "2", "background_story": "Lily Greenberg and Ava Thompson met during a charity event that Lily secretly donated to. They both have a high level of conscientiousness and low extraversion which led them to connect in a reserved, yet meaningful way. Despite their different careers, they share a mutual respect and understanding, making them good acquaintances."}
79
+ {"relationship_id": "01H6HH7G3CRGQ6ZR9T48AMXVK0", "agent1_id": "01H5TNE5PAZABGW79HJ07TACCZ", "agent2_id": "01H5TNE5PHQKQYWS9ZS2JVEYFS", "relationship": "5", "background_story": "Mia Davis, the high school principal, and Lena Goodwin, the architect, first met during a local council meeting where Lena was presenting her building designs. Despite their differences, they found common ground in their passion for their work and became acquaintances. They occasionally run into each other at community events and have brief, professional conversations."}
80
+ {"relationship_id": "01H6HHB7WRTE72JMAKRCB0XRMN", "agent1_id": "01H5TNE5P8F9NJ2QK2YP5HPXKH", "agent2_id": "01H5TNE5PFB4W65DF8FRPDMET5", "relationship": "1", "background_story": "Ava Martinez and Sophia Brown met at a social justice rally on campus. Ava, being a college student who is passionate about social justice, was speaking at the rally. Sophia, a psychologist interested in the interplay of social issues and psychology, was attending the rally for research purposes. Despite their different backgrounds, they found common ground in their shared passion for universalism and quickly became friends. They often engage in deep discussions about their respective fields and learn a lot from each other. Their friendship is strong, but neither of them knows the other's secret - Ava's hidden bisexuality and Sophia's undercover work."}
81
+ {"relationship_id": "01H6HHV2CT6D5ENYYHM4DYJGJQ", "agent1_id": "01H5TNE5PQ00AJVSSVB9V2VA9K", "agent2_id": "01H5TNE5P7VW4DY1KB09FZE730", "relationship": "0", "background_story": "Eli Dawson and Liam Johnson met during a court case where Eli was a forensic psychiatrist and Liam was a police officer involved in the case. Since then, they have maintained an acquaintance relationship, occasionally crossing paths in their professional lives and in the neighborhood where they both live."}
82
+ {"relationship_id": "01H6HH3ECV4MYBFBA15657TJ7H", "agent1_id": "01H5TNE5PN656EADK59K4DG793", "agent2_id": "01H5TNE5PR54W6SFXKNQWKGPAS", "relationship": "1", "background_story": "Naomi Fletcher and Baxter Sterling share a common interest in the digital world. Naomi, being a Software Developer, had an online interaction with Baxter who unknowingly admires her secret alter ego. They know each other by names only, having communicated only in a virtual platform."}
83
+ {"relationship_id": "01H6HHVATC35JMD8GPJ6HG8A8X", "agent1_id": "01H5TNE5PDTDGA0BPYKBYFTHDY", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "2", "background_story": "Oliver Smith and Noah Davis live in the same neighborhood. They know each other by name and frequently engage in friendly chats when they meet. Oliver, being an introverted policeman, admires Noah's secret talent as a stand-up comedian. On the other hand, Noah, a coach, appreciates Oliver's dedication to keeping their neighborhood safe. Their mutual respect and shared interests in each other's secret hobbies have helped form a casual acquaintance."}
84
+ {"relationship_id": "01H6HHRRK8GCV866D5C3BGY381", "agent1_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "agent2_id": "01H5TNE5PT8KW11GZ99Q0T43V4", "relationship": "3", "background_story": "Oliver Thompson and Esmeralda Solis are neighbors. They know each other by name but do not have a close relationship. Oliver has a hidden feeling for Esmeralda, but she is unaware of this due to her secret romantic relationships with several high-profile criminals."}
85
+ {"relationship_id": "01H6HHVS9SY28PD9K0PNX4NA1H", "agent1_id": "01H5TNE5PY896ASNX8XGQA6AE0", "agent2_id": "01H5TNE5P98J20AEW94XQ0KC35", "relationship": "3", "background_story": "Hendrick and Ethan only know each other by name as they both frequent the same bookstore. Hendrick is interested in cookbooks while Ethan is usually found in the technology section. They have exchanged nods of acknowledgment but have never had a full conversation."}
86
+ {"relationship_id": "01H6HH4ZGASB3N2RDQ8P8W1PF3", "agent1_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "agent2_id": "01H5TNE5Q1J7Z7Q12WA1W90MR9", "relationship": "4", "background_story": "Amara and Jaxon know each other by name through their shared involvement in community functions. Jaxon, being an investigative journalist, respects Amara's passion for wildlife preservation. However, they have never been closely acquainted due to their contrasting personalities and moral values."}
87
+ {"relationship_id": "01H6HHNZJFV56PPYH3FZBEWTBJ", "agent1_id": "01H5TNE5PW9SZFM058Z8P7PR5C", "agent2_id": "01H5TNE5Q1QG5SBJ8HV7GJ0FS3", "relationship": "4", "background_story": "Finnegan and Oliver met at a local painting class. Despite their differences in personalities, they found common ground in their shared love for painting. Occasionally, they exchange thoughts on their artwork, but their interactions remain mostly cordial and brief due to Finnegan's introverted nature."}
88
+ {"relationship_id": "01H6HHFE6MJSBBJHJ1YHZ5S06R", "agent1_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "agent2_id": "01H5TNE5PR54W6SFXKNQWKGPAS", "relationship": "4", "background_story": "Sophia James and Baxter Sterling know each other as they both frequent the same local gym. Sophia, being a personal trainer, has given Baxter a few tips on his workout routine. Baxter, on the other hand, has shown Sophia some interesting antiques from his collection. Despite their contrasting personalities, they maintain a cordial acquaintance."}
89
+ {"relationship_id": "01H6HHAH3CAC03EQCXF48K89X3", "agent1_id": "01H5TNE5P7RVY0TYX8VTCXABR6", "agent2_id": "01H5TNE5PQ00AJVSSVB9V2VA9K", "relationship": "2", "background_story": "Sophia and Eli met at a local history event that Eli was attending as a hobby and Sophia as a social gathering. They got acquainted due to their mutual interest in hedonism, despite their contrasting personalities and lifestyle. Eli, being older and more experienced, often gives Sophia advice, while Sophia helps Eli keep in shape with her personal training. They maintain an amicable relationship, respecting each other's personal space and values."}
90
+ {"relationship_id": "01H6HHMWPF0ZQ31Q8Z2KM4R22B", "agent1_id": "01H5TNE5PAATSHM0K9ACWKN79P", "agent2_id": "01H5TNE5P98J20AEW94XQ0KC35", "relationship": "3", "background_story": "Benjamin and Ethan met at a technology and environment conference where Benjamin was a keynote speaker. Ethan, intrigued by Benjamin's idealistic approach, introduced himself after the talk. Though they share different views, they respect each other's values and occasionally exchange ideas on how technology can contribute to environmentalism."}
91
+ {"relationship_id": "01H6HH3ZR7AM1AQQ4E5SBQ5M6W", "agent1_id": "01H5TNE5PAZABGW79HJ07TACCZ", "agent2_id": "01H5TNE5P90FYSTBMW5DG5ERCG", "relationship": "2", "background_story": "Mia Davis and Isabella White know each other through their community. Isabella provides veterinary services for Mia's cats. They have a professional relationship and often engage in small talk during visits. Their contrasting personality traits make them less likely to develop a deeper friendship."}
92
+ {"relationship_id": "01H6HHQFQTWY57983SAKEK11KP", "agent1_id": "01H5TNE5PBKCFDAK6293NKYJ4D", "agent2_id": "01H5TNE5P98J20AEW94XQ0KC35", "relationship": "4", "background_story": "Ava Thompson and Ethan Smith are colleagues at a tech firm. Ava, an architect, frequently collaborates with Ethan, a software developer, on different projects. They know each other by name and occasionally engage in small talk. Despite their differing personalities and decision-making styles, they respect each other's professional skills and contributions."}
93
+ {"relationship_id": "01H6HHMDPGGJYBR4AFMZC1KWMK", "agent1_id": "01H5TNE5PWZ5PNDTGKDYRY36PQ", "agent2_id": "01H5TNE5PE9RQGH86YM6MSWZMW", "relationship": "5", "background_story": "Giselle Rousseau and Mia Sanders met at a local art exhibition. Giselle was drawn to Mia's quiet observation of the art pieces, while Mia admired Giselle's vibrant enthusiasm. Both share a high level of conscientiousness and agreeableness, which has led to a mutual respect for each other. Their shared love for art, despite not being publicly known for Mia, has allowed them to form a connection that surpasses a mere acquaintance. However, their secret artistic indulgences, Giselle's forgery and Mia's hidden talent, are yet to be discovered by each other."}
94
+ {"relationship_id": "01H6HHDVNK6GVY59X4NB38536W", "agent1_id": "01H5TNE5PC6YGRH72RQAM862JH", "agent2_id": "01H5TNE5PY896ASNX8XGQA6AE0", "relationship": "4", "background_story": "Isabella and Hendrick met in a local farmers market where Hendrick would get fresh produce for his restaurant. Isabella knowing Hendrick by his reputation as a chef, struck up a conversation about organic food and how it's beneficial for both humans and animals. Over time, they have become familiar faces to each other, sharing a nod and a smile whenever they cross paths."}
95
+ {"relationship_id": "01H6HH9G050VKNXQ4ZACDWME57", "agent1_id": "01H5TNE5PW9SZFM058Z8P7PR5C", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "3", "background_story": "Finnegan O'Malley and Noah Davis met at a local art fair where Finnegan was showcasing his seascape paintings. Noah, being an outgoing personality, struck up a conversation with Finnegan, who is generally shy and introverted. They quickly found common ground in their love for the sea, and over time became acquaintances. Despite their contrasting personalities, they both share high conscientiousness and agreeableness, which somewhat balances their interaction. Noah is still unaware of Finnegan's past involvement in a cult, while Finnegan has no clue about Noah's secret life as a stand-up comedian."}
96
+ {"relationship_id": "01H6HHHWXMZCVH8EFB0R31WC9C", "agent1_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "agent2_id": "01H5TNE5PR54W6SFXKNQWKGPAS", "relationship": "5", "background_story": "Ethan and Baxter are acquaintances. They met at a local flea market where Baxter was looking for antiques and Ethan was seeking inspiration for his Italian cooking. Despite their differing interests and personalities, they found common ground in their appreciation for quality and tradition. Ethan, intrigued by Baxter's collection of rare plants, occasionally consults him for unique ingredients. Baxter, in turn, enjoys Ethan's creative spin on traditional Italian food."}
97
+ {"relationship_id": "01H6HHNHK9TA32BX9ZCHKSR4ZB", "agent1_id": "01H5TNE5PFT9HH0WRT6W1NY5GZ", "agent2_id": "01H5TNE5PY896ASNX8XGQA6AE0", "relationship": "3", "background_story": "Leo and Hendrick know each other by name through a mutual friend. They have met on a few occasions but they don't have a close relationship."}
98
+ {"relationship_id": "01H6HHKN6GB4DRQ91FWVJ4RYPH", "agent1_id": "01H5TNE5PM4XE5NN12WCGTZSDW", "agent2_id": "01H5TNE5P98J20AEW94XQ0KC35", "relationship": "5", "background_story": "Gwen and Ethan first met at a charity event where they found common ground in their shared values of universalism and fairness. Since then, they occasionally run into each other at similar events and have brief, but meaningful conversations about their shared interests and values. Despite their different occupations, they maintain a mutual respect for each other's work and contributions to society."}
99
+ {"relationship_id": "01H6HH8EX04RT73GHXKQXR18FX", "agent1_id": "01H5TNE5PWZ5PNDTGKDYRY36PQ", "agent2_id": "01H5TNE5Q1J7Z7Q12WA1W90MR9", "relationship": "5", "background_story": "Giselle and Jaxon have crossed paths multiple times at community events where Giselle was showcasing their art and Jaxon was covering the event for his news outlet. They know each other by name and have had brief conversations, but their relationship hasn't progressed beyond that of acquaintances due to their differing lifestyles and personalities."}
100
+ {"relationship_id": "01H6HH8Z4PQDKF8S975YCE18Q6", "agent1_id": "01H5TNE5PDV7WZ0C5KTGGXX1NR", "agent2_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "relationship": "2", "background_story": "Isabelle Martinez and Amara Hartley crossed paths at a local park where Amara was working on a project related to wildlife. Isabelle, being a student with a high openness to experience, was intrigued by Amara's work. They started with casual conversations and later turned into regular meet-ups to discuss various topics, from animal rights to magic. Despite their different personalities and secrets, they managed to build a bond of acquaintance, driven by their shared high agreeableness and openness to experience."}
101
+ {"relationship_id": "01H6HH4SWXN72SQW6SG2190EKM", "agent1_id": "01H5TNE5PWZ5PNDTGKDYRY36PQ", "agent2_id": "01H5TNE5Q1QG5SBJ8HV7GJ0FS3", "relationship": "2", "background_story": "Giselle and Imelda first met at a science and art fusion exhibition. Giselle was interested in Imelda's work, and despite their differences, they began to respect each other\u2019s passions. Their friendship remained casual, each of them holding a secret they could not share. They often meet for intellectual discussions and debates, but their relationship hasn't deepened due to their secret life."}
102
+ {"relationship_id": "01H6HHKDT0Q2K44JCMJPM5ESMG", "agent1_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "agent2_id": "01H5TNE5PAZABGW79HJ07TACCZ", "relationship": "3", "background_story": "Amara Hartley and Mia Davis know each other by name through local community events. Mia, as the High School Principal, has heard about Amara's work as a Wildlife Biologist. However, their interactions have been limited."}
103
+ {"relationship_id": "01H6HHTP53EQ0AW9QR0H6JFBVV", "agent1_id": "01H5TNE5PN656EADK59K4DG793", "agent2_id": "01H5TNE5PJRM958QWP3BHWY9DY", "relationship": "4", "background_story": "Samuel and Micah met in a cooking class that Samuel was taking for fun. They bonded over their shared love of food, and have kept in touch since then. They occasionally meet up for meals or cooking sessions, but do not consider each other close friends."}
104
+ {"relationship_id": "01H6HH87G7PPH74A5R51EYVEEF", "agent1_id": "01H5TNE5PAZABGW79HJ07TACCZ", "agent2_id": "01H5TNE5PAATSHM0K9ACWKN79P", "relationship": "3", "background_story": "Mia Davis, the high school principal, first met Benjamin Jackson, the environmental activist, during a school seminar on climate change. Mia was intrigued by Benjamin's passion and commitment to the cause, despite being the descendant of a wealthy oil tycoon. Benjamin, on the other hand, found Mia's authoritarian approach and her secret rebellious past interesting. Since then, they have maintained an acquaintance relationship, occasionally crossing paths at community events."}
105
+ {"relationship_id": "01H6HHJVSKJFTF1Q91M10SWXCN", "agent1_id": "01H5TNE5PMBJ9VHH51YC0BB64C", "agent2_id": "01H5TNE5PE9RQGH86YM6MSWZMW", "relationship": "2", "background_story": "Rafael Cortez and Mia Sanders work together in the same hospital, Rafael as a surgeon and Mia as a nurse. Rafael is aware of Mia's existence but they have never gone beyond professional acknowledgment and courtesy. Their personalities contrast, and their interactions remain limited to professional necessities. Rafael's outgoing nature doesn't particularly mesh with Mia's introverted disposition. They have a mutual respect for each other's work, but their relationship hasn't evolved beyond that of colleagues."}
106
+ {"relationship_id": "01H6HHHF08HMHH2K5SYGPRR3MJ", "agent1_id": "01H5TNE5PKW8P500417PMSGSAC", "agent2_id": "01H5TNE5PPK39HR52G61PQ5KQ7", "relationship": "2", "background_story": "Miles Hawkins and Zane Bennett met at a local farmer's market where Miles was sourcing fresh ingredients for his restaurant. They bonded over their love for music and gardening. Miles, the chef, often seeks Zane's creative input on the presentation of his dishes. They respect each other's professions and share a mutual understanding of each other's personal values, however, they only meet occasionally and hence, are more of acquaintances than close friends."}
107
+ {"relationship_id": "01H6HH5WK102XD4SVB654ZVFDX", "agent1_id": "01H5TNE5PC6YGRH72RQAM862JH", "agent2_id": "01H5TNE5P90FYSTBMW5DG5ERCG", "relationship": "0", "background_story": "Lily Greenberg and Isabella White first met at a charity event where Lily was making one of her anonymous donations. As both women are introverted, they did not make immediate connections, but over time, they came to recognize and respect each other's work - Lily as a dedicated lawyer, and Isabella as a compassionate veterinarian. Despite their differences, their shared value for conscientiousness has helped them form a mutual acquaintance."}
108
+ {"relationship_id": "01H6HHE8TNK4FEYQP2X5ZK5009", "agent1_id": "01H5TNE5PDTDGA0BPYKBYFTHDY", "agent2_id": "01H5TNE5PN656EADK59K4DG793", "relationship": "2", "background_story": "Oliver Smith and Naomi Fletcher know each other through a local community gardening group where Oliver secretly participates. Despite their different occupations as a police officer and software developer, their shared interest in gardening brings them together. Oliver appreciates Naomi's dedication and mentoring skills as she often helps less experienced gardeners, while Naomi respects Oliver's conscientiousness and systematic approach in maintaining the community garden. They are not close friends, but they know each other well enough to have a friendly chat whenever they meet at the gardening group."}
109
+ {"relationship_id": "01H6HHCWKD6X55Y1DFS2KTXJMP", "agent1_id": "01H5TNE5PC6YGRH72RQAM862JH", "agent2_id": "01H5TNE5PAZABGW79HJ07TACCZ", "relationship": "2", "background_story": "Lily Greenberg and Mia Davis worked together in a legal case where Lily was representing a client against the high school where Mia is a principal. Their professional relationship was established, but they had disagreements due to their differing values and decision-making styles. Despite their differences, they had mutual respect for each other's authority and professionalism."}
110
+ {"relationship_id": "01H6HHVJG5T756HRDV7X139KG6", "agent1_id": "01H5TNE5PN656EADK59K4DG793", "agent2_id": "01H5TNE5PJRM958QWP3BHWY9DY", "relationship": "3", "background_story": "Naomi and Micah met at a technology conference where they were both speakers. Given their common interest in technology and intuition-driven decision making, they quickly became acquaintances. They occasionally meet up to discuss their latest projects and shared interests. Despite their contrasting personalities, with Naomi being introverted and Micah being extraverted, they respect each other's perspectives and enjoy their stimulating discussions."}
111
+ {"relationship_id": "01H6HHEZPKEYQW0JG5NC94DG7K", "agent1_id": "01H5TNE5PDV7WZ0C5KTGGXX1NR", "agent2_id": "01H5TNE5P8F9NJ2QK2YP5HPXKH", "relationship": "3", "background_story": "Isabelle and Ava Martinez, both 22 years old, are actually twin sisters. They share a lot in common: they are both students, highly extraverted, agreeable yet highly neurotic. Isabelle works part-time in a coffee shop while secretly studying magic, and Ava is known for their involvement in social movements on campus and has a secret passion for writing and drawing. Despite their differences, they have a strong bond and are always there for each other."}
112
+ {"relationship_id": "01H6HHT06HP2HKYQRW2F0H4HK4", "agent1_id": "01H5TNE5PMBJ9VHH51YC0BB64C", "agent2_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "relationship": "0", "background_story": "Rafael Cortez and Oliver Thompson, both 45 and sharing a similar personality type, know each other through their shared interest in visiting historical landmarks, a hobby they discovered during a local history society event. Their relationship is mostly limited to discussions on this topic during the society's meetings. Rafael appreciates Oliver's meticulous nature and analytical thinking, which often leads to insightful conversations about the historical sites they visit. However, they are not close friends due to their low agreeableness and focus on their individual interests and careers."}
113
+ {"relationship_id": "01H6HHE1K77Y4KWP2DQBVQWH97", "agent1_id": "01H5TNE5P98J20AEW94XQ0KC35", "agent2_id": "01H5TNE5PGWN8VGVAYDBKPN2TV", "relationship": "0", "background_story": "Ethan and Noah met at a technology conference a few years ago. They connected over common interests in technology and personal development, but due to their differing personalities, they've never progressed beyond being acquaintances."}
114
+ {"relationship_id": "01H6HHS71WTW8ASBS4H9A0C1AZ", "agent1_id": "01H5TNE5PJTHMQ1Q3T398YN990", "agent2_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "relationship": "0", "background_story": "Sasha Ramirez and Amara Hartley are strangers to each other. Sasha is a dedicated police officer while Amara is a passionate wildlife biologist. Their paths have not crossed yet in the course of their respective duties."}
115
+ {"relationship_id": "01H6HH56E86X1KTDR7C7MP96QQ", "agent1_id": "01H5TNE5PFT9HH0WRT6W1NY5GZ", "agent2_id": "01H5TNE5PRCAF1CK5ERS5MVZ22", "relationship": "1", "background_story": "Leo and Amara met at a community event where Leo was giving a talk about dental hygiene and Amara was representing her wildlife organization. They have only interacted a few times since then, so they only know each other by name."}
116
+ {"relationship_id": "01H6HH2X1EZJE0DD5JEPCCSSHH", "agent1_id": "01H5TNE5PBXGRD41HXQC1ZXHVN", "agent2_id": "01H5TNE5PAATSHM0K9ACWKN79P", "relationship": "3", "background_story": "Ethan and Benjamin met at an environmental conference where Ethan was catering. They found they had a mutual respect for each other's professions but differ in their personal values. They occasionally meet to discuss their differing viewpoints."}
117
+ {"relationship_id": "01H6HH5MKRA28C02AWCN9JD0E4", "agent1_id": "01H5TNE5P6KZKR2AEY6SZB83H0", "agent2_id": "01H5TNE5P98J20AEW94XQ0KC35", "relationship": "2", "background_story": "Oliver and Ethan live in the same neighborhood. They occasionally meet at community events, where they engage in brief conversations about their interests. Oliver is intrigued by Ethan's knowledge on tech advancements, while Ethan appreciates Oliver's artistic passion. Despite their differences, they maintain a cordial acquaintance."}
118
+ {"relationship_id": "01H6HHWZPK8TAR1W2TF3A29F4D", "agent1_id": "01H5TNE5PDV7WZ0C5KTGGXX1NR", "agent2_id": "01H5TNE5PSDH2H6JXYZ9ZRG7A4", "relationship": "5", "background_story": "nan"}
119
+ {"relationship_id": "01H6HHFXM3NS95ERRM08N73644", "agent1_id": "01H5TNE5P7VW4DY1KB09FZE730", "agent2_id": "01H5TNE5Q1J7Z7Q12WA1W90MR9", "relationship": "2", "background_story": "Liam Johnson, a retired police officer, and Jaxon Prentice, an investigative journalist, live in the same neighborhood. They often cross paths during their morning routines, with Liam walking his dog and Jaxon going for a jog. They've had a few casual conversations, mostly about local news and events, which has made them acquaintances."}
120
+ {"relationship_id": "01H6HH2QQR1FARM527DJMHQM23", "agent1_id": "01H5TNE5PAZABGW79HJ07TACCZ", "agent2_id": "01H5TNE5P83CZ1TDBVN74NGEEJ", "relationship": "3", "background_story": "Mia Davis and William Brown first met at a school fundraiser where William was catering. They got along well due to their shared extraversion, even though they had some disagreements due to their contrasting values. They became acquaintances and would often chat when they cross paths at community events."}
utils.py CHANGED
@@ -1,29 +1,50 @@
1
  from typing import List, Tuple
2
  import ast
3
- import re
4
-
5
- FORMAT_TEMPLATE = """ Your available action types are
6
- "none action speak non-verbal communication leave".
7
- Note: You can "leave" this conversation if 1. you have achieved your social goals, 2. this conversation makes you uncomfortable, 3. you find it uninteresting/you lose your patience, 4. or for other reasons you want to leave.
8
-
9
- Please only generate a JSON string including the action type and the argument.
10
- Your action should follow the given format:
11
- \nAs an example, for the schema {\"properties\": {\"foo\": {\"title\": \"Foo\", \"description\": \"a list of strings\", \"type\": \"array\", \"items\": {\"type\": \"string\"}}}, \"required\": [\"foo\"]}
12
- the object {\"foo\": [\"bar\", \"baz\"]} is a well-formatted instance of the schema. The object {\"properties\": {\"foo\": [\"bar\", \"baz\"]}} is not well-formatted.
13
- \nHere is the output schema:\n```\n{\"description\": \"An interface for messages.\\nThere is only one required method: to_natural_language\", \"properties\": {\"action_type\": {\"title\": \"Action Type\", \"description\": \"whether to speak at this turn or choose to not do anything\", \"enum\": [\"none\", \"speak\", \"non-verbal communication\", \"action\", \"leave\"], \"type\": \"string\"}, \"argument\": {\"title\": \"Argument\", \"description\": \"the utterance if choose to speak, the expression or gesture if choose non-verbal communication, or the physical action if choose action\", \"type\": \"string\"}}, \"required\": [\"action_type\", \"argument\"]}\n```\u001b[0m
14
- """
15
 
16
  class Agent:
17
- def __init__(self, name, background, goal, secrets, personality):
18
- self.name = name
19
- self.background = background
20
- self.goal = goal
21
- self.secrets = secrets
22
- self.personality = personality
23
-
24
-
25
- def get_starter_prompt(machine_agent, human_agent, scenario):
26
- return f"Prompt after formatting:\nImagine you are {machine_agent.name}, your task is to act/speak as {machine_agent.name} would, keeping in mind {machine_agent.name}'s social goal.\nYou can find {machine_agent.name}'s background and goal in the 'Here is the context of the interaction' field.\nNote that {machine_agent.name}'s secret and goal is only visible to you.\nYou should try your best to achieve {machine_agent.name}'s goal in a way that align with their character traits.\nAdditionally, maintaining the conversation's naturalness and realism is essential (e.g., do not repeat what other people has already said before).\n\nHere is the context of this interaction:\n Scenario: {scenario}\nParticipants: {human_agent.name} and {machine_agent.name}\n{human_agent.name}'s background: {human_agent.background} Personality and values description: {human_agent.personality} \n{machine_agent.name}'s background: {machine_agent.background} Personality and values description: {machine_agent.personality} {machine_agent.name}'s secrets: {machine_agent.secrets}\n{human_agent.name}'s goal: Unknown\n{machine_agent.name}'s goal: {machine_agent.goal}\nConversation Starts:"
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
27
 
28
 
29
  # we define history as
@@ -109,4 +130,4 @@ def format_sotopia_prompt(
109
  )
110
  prompt = f"{prompt}\n{dialogue_history}"
111
  prompt = f"{prompt}\n\nTurn #{last_turn_idx+1}: {user_name}: {message}\n.\nYou are at Turn #{last_turn_idx+2}."
112
- return prompt + FORMAT_TEMPLATE if use_format_guide else prompt
 
1
  from typing import List, Tuple
2
  import ast
 
 
 
 
 
 
 
 
 
 
 
 
3
 
4
  class Agent:
5
+ def __init__(self, agent_profile):
6
+ self._id = agent_profile["agent_id"]
7
+
8
+ self.agent_profile = agent_profile
9
+ self.agent_id = agent_profile["agent_id"]
10
+ self.name = self.get_name(agent_profile)
11
+ self.background = self.get_background(agent_profile)
12
+ self.secret = agent_profile["secret"]
13
+ self.personality = agent_profile["personality_and_values"]
14
+ self.goal = ""
15
+
16
+ def get_name(self, agent_profile):
17
+ return agent_profile["first_name"] + " " + agent_profile["last_name"]
18
+
19
+ def get_background(self, agent_profile):
20
+ name = self.name
21
+ return f"{name} is a {agent_profile['age']}-year-old {agent_profile['gender'].lower()} {agent_profile['occupation']}. {agent_profile['public_info']}"
22
+
23
+ class Environment:
24
+
25
+ def __init__(self, env_profile):
26
+ self._id = env_profile["env_id"]
27
+
28
+ self.environment_profile = env_profile
29
+ self.codename = env_profile["codename"]
30
+ self.scenario = env_profile["scenario"]
31
+ self.agent_goals = env_profile["agent_goals"]
32
+ self.relationship = env_profile["relationship"]
33
+
34
+ def get_format_guide():
35
+ return """ Your available action types are
36
+ "none action speak non-verbal communication leave".
37
+ Note: You can "leave" this conversation if 1. you have achieved your social goals, 2. this conversation makes you uncomfortable, 3. you find it uninteresting/you lose your patience, 4. or for other reasons you want to leave.
38
+
39
+ Please only generate a JSON string including the action type and the argument.
40
+ Your action should follow the given format:
41
+ \nAs an example, for the schema {\"properties\": {\"foo\": {\"title\": \"Foo\", \"description\": \"a list of strings\", \"type\": \"array\", \"items\": {\"type\": \"string\"}}}, \"required\": [\"foo\"]}
42
+ the object {\"foo\": [\"bar\", \"baz\"]} is a well-formatted instance of the schema. The object {\"properties\": {\"foo\": [\"bar\", \"baz\"]}} is not well-formatted.
43
+ \nHere is the output schema:\n```\n{\"description\": \"An interface for messages.\\nThere is only one required method: to_natural_language\", \"properties\": {\"action_type\": {\"title\": \"Action Type\", \"description\": \"whether to speak at this turn or choose to not do anything\", \"enum\": [\"none\", \"speak\", \"non-verbal communication\", \"action\", \"leave\"], \"type\": \"string\"}, \"argument\": {\"title\": \"Argument\", \"description\": \"the utterance if choose to speak, the expression or gesture if choose non-verbal communication, or the physical action if choose action\", \"type\": \"string\"}}, \"required\": [\"action_type\", \"argument\"]}\n```\u001b[0m
44
+ """
45
+
46
+ def get_starter_prompt(machine_agent, human_agent, environment):
47
+ return f"Prompt after formatting:\nImagine you are {machine_agent.name}, your task is to act/speak as {machine_agent.name} would, keeping in mind {machine_agent.name}'s social goal.\nYou can find {machine_agent.name}'s background and goal in the 'Here is the context of the interaction' field.\nNote that {machine_agent.name}'s secret and goal is only visible to you.\nYou should try your best to achieve {machine_agent.name}'s goal in a way that align with their character traits.\nAdditionally, maintaining the conversation's naturalness and realism is essential (e.g., do not repeat what other people has already said before).\n\nHere is the context of this interaction:\n Scenario: {environment.scenario}\nParticipants: {human_agent.name} and {machine_agent.name}\n{human_agent.name}'s background: {human_agent.background} Personality and values description: {human_agent.personality} \n{machine_agent.name}'s background: {machine_agent.background} Personality and values description: {machine_agent.personality} {machine_agent.name}'s secrets: {machine_agent.secret}\n{human_agent.name}'s goal: Unknown\n{machine_agent.name}'s goal: {environment.agent_goals[1]}\nConversation Starts:"
48
 
49
 
50
  # we define history as
 
130
  )
131
  prompt = f"{prompt}\n{dialogue_history}"
132
  prompt = f"{prompt}\n\nTurn #{last_turn_idx+1}: {user_name}: {message}\n.\nYou are at Turn #{last_turn_idx+2}."
133
+ return prompt + get_format_guide() if use_format_guide else prompt