Skip to content

Instantly share code, notes, and snippets.

@evacchi
Last active October 7, 2025 18:52
Show Gist options
  • Select an option

  • Save evacchi/867291c37f68d5680e5f5d1ba915278f to your computer and use it in GitHub Desktop.

Select an option

Save evacchi/867291c37f68d5680e5f5d1ba915278f to your computer and use it in GitHub Desktop.
Fine-tune Gemma-3 1B for Single Block Kit Blocks (5k dataset)
Display the source blob
Display the rendered blob
Raw
{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"<a href=\"https://colab.research.google.com/github/evacchi/fine-tune/blob/main/blockkit-gemma3-finetune.ipynb\" target=\"_parent\"><img src=\"https://colab.research.google.com/assets/colab-badge.svg\" alt=\"Open In Colab\"/></a>"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": "# Fine-tune Gemma-3 1B for Single Block Kit Blocks\n\nThis notebook trains the **Gemma-3 1B** model to generate **ONE Block Kit block at a time** from natural conversational input. The 1B model has sufficient capacity to learn JSON patterns and generalize well.\n\n**Key advantages:**\n- **Better capacity** than 270M for learning structure\n- **5,995 examples** with 55+ per block type (vs 9 for 270M)\n- **Avoids overfitting** through proper training configuration\n- **Generates valid JSON** reliably\n\nTo run this, press \"*Runtime*\" and press \"*Run all*\" on a **free** Tesla T4 Google Colab instance!\n\n<div class=\"align-center\">\n<a href=\"https://unsloth.ai/\"><img src=\"https://github.com/unslothai/unsloth/raw/main/images/unsloth%20new%20logo.png\" width=\"115\"></a>\n<a href=\"https://discord.gg/unsloth\"><img src=\"https://github.com/unslothai/unsloth/raw/main/images/Discord button.png\" width=\"145\"></a>\n<a href=\"https://docs.unsloth.ai/\"><img src=\"https://github.com/unslothai/unsloth/blob/main/images/documentation%20green%20button.png?raw=true\" width=\"125\"></a></a> Join Discord if you need help + ⭐ <i>Star us on <a href=\"https://github.com/unslothai/unsloth\">Github</a> </i> ⭐\n</div>"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Installation"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"%%capture\n",
"import os, re\n",
"if \"COLAB_\" not in \"\".join(os.environ.keys()):\n",
" !pip install unsloth\n",
"else:\n",
" # Do this only in Colab notebooks! Otherwise use pip install unsloth\n",
" import torch; v = re.match(r\"[0-9\\.]{3,}\", str(torch.__version__)).group(0)\n",
" xformers = \"xformers==\" + (\"0.0.32.post2\" if v == \"2.8.0\" else \"0.0.29.post3\")\n",
" !pip install --no-deps bitsandbytes accelerate {xformers} peft trl triton cut_cross_entropy unsloth_zoo\n",
" !pip install sentencepiece protobuf \"datasets>=3.4.1,<4.0.0\" \"huggingface_hub>=0.34.0\" hf_transfer\n",
" !pip install --no-deps unsloth\n",
"!pip install transformers==4.55.4\n",
"!pip install --no-deps trl==0.22.2"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": "## Load Model\n\nWe're using the **Gemma-3 1B** model - 4x larger than 270M, providing better understanding and generation quality while still fitting on free Colab GPUs."
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "from unsloth import FastModel\nimport torch\n\nmax_seq_length = 2048\n\nmodel, tokenizer = FastModel.from_pretrained(\n model_name = \"unsloth/gemma-3-1b-it\", # 1B model instead of 270M\n max_seq_length = max_seq_length,\n load_in_4bit = True, # Use 4-bit quantization to fit in memory\n load_in_8bit = False,\n full_finetuning = False,\n)"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Add LoRA Adapters\n",
"\n",
"LoRA allows us to efficiently fine-tune by only updating a small subset of parameters."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "model = FastModel.get_peft_model(\n model,\n r = 64, # Reduced from 128 for larger model\n target_modules = [\"q_proj\", \"k_proj\", \"v_proj\", \"o_proj\",\n \"gate_proj\", \"up_proj\", \"down_proj\",],\n lora_alpha = 64, # Match r value\n lora_dropout = 0,\n bias = \"none\",\n use_gradient_checkpointing = \"unsloth\",\n random_state = 3407,\n use_rslora = False,\n loftq_config = None,\n)"
},
{
"cell_type": "markdown",
"metadata": {},
"source": "## Data Preparation\n\nUpload your `blockkit-training-single-block-5k.jsonl` file to Colab, or load it from a URL.\n\nThis dataset contains **5,995 training examples** with **single blocks**:\n- **One block per example** (not full layouts!)\n- **109 block types** with 55+ examples each\n- **Natural conversational messages** (e.g., \"let's book a table\", \"we should schedule a call\")\n- **ISO timestamps** in Context block\n- **Much simpler task** than full layouts\n\nExample format:\n```\nContext:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Hey team! Let's celebrate. we should book a table\n```\n\n**Output**: ONE Block Kit block (e.g., a header, or a datepicker section, etc.)\n\n**Key insight**: With 55+ examples per block type, the model learns to generate individual UI components reliably without overfitting."
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "from datasets import load_dataset\n\n# Option 1: Load from local file (after uploading to Colab)\ndataset = load_dataset(\"json\", data_files=\"blockkit-training-single-block-5k.jsonl\", split=\"train\")\n\n# Option 2: Load directly from GitHub Gist\n# dataset = load_dataset(\"json\", data_files=\"https://gist.githubusercontent.com/evacchi/5ad3e771234d9a305c942c92eeda1f90/raw/blockkit-training-single-block-5k.jsonl\", split=\"train\")\n\nprint(f\"Loaded {len(dataset)} single-block examples\")"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Apply Chat Template\n",
"\n",
"We format the data using Gemma-3's chat template."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from unsloth.chat_templates import get_chat_template\n",
"\n",
"tokenizer = get_chat_template(\n",
" tokenizer,\n",
" chat_template = \"gemma3\",\n",
")\n",
"\n",
"def formatting_prompts_func(examples):\n",
" convos = examples[\"conversations\"]\n",
" texts = [tokenizer.apply_chat_template(convo, tokenize = False, add_generation_prompt = False).removeprefix('<bos>') for convo in convos]\n",
" return { \"text\" : texts, }\n",
"\n",
"dataset = dataset.map(formatting_prompts_func, batched = True)\n",
"\n",
"# Preview the first example\n",
"print(\"\\n=== Sample formatted example ===\")\n",
"print(dataset[0]['text'][:500] + \"...\")"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": "## Train the Model\n\nWith 5,995 examples, we train for 2 epochs with anti-overfitting measures to ensure proper generalization."
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "from trl import SFTTrainer, SFTConfig\n\ntrainer = SFTTrainer(\n model = model,\n tokenizer = tokenizer,\n train_dataset = dataset,\n eval_dataset = None,\n args = SFTConfig(\n dataset_text_field = \"text\",\n per_device_train_batch_size = 2, # Reduced from 4 for larger model\n gradient_accumulation_steps = 4, # Increased to maintain effective batch size\n warmup_steps = 20,\n num_train_epochs = 2, # 2 epochs with 5k examples\n learning_rate = 1e-4, # Lower to reduce overfitting\n logging_steps = 10,\n optim = \"adamw_8bit\",\n weight_decay = 0.05, # Increased from 0.01 to prevent overfitting\n lr_scheduler_type = \"cosine\",\n seed = 3407,\n output_dir=\"outputs\",\n report_to = \"none\",\n ),\n)"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Train on Completions Only\n",
"\n",
"We only compute loss on the model's responses (the Block Kit JSON), not on the user's instructions."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from unsloth.chat_templates import train_on_responses_only\n",
"\n",
"trainer = train_on_responses_only(\n",
" trainer,\n",
" instruction_part = \"<start_of_turn>user\\n\",\n",
" response_part = \"<start_of_turn>model\\n\",\n",
")\n",
"\n",
"# Verify masking\n",
"print(\"\\n=== Checking that only assistant responses are trained ===\")\n",
"print(\"Full input:\")\n",
"print(tokenizer.decode(trainer.train_dataset[0][\"input_ids\"][:200]))\n",
"print(\"\\nLabels (what we train on):\")\n",
"print(tokenizer.decode([tokenizer.pad_token_id if x == -100 else x for x in trainer.train_dataset[0][\"labels\"]]).replace(tokenizer.pad_token, \" \")[:200])"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"# Show memory stats before training\n",
"gpu_stats = torch.cuda.get_device_properties(0)\n",
"start_gpu_memory = round(torch.cuda.max_memory_reserved() / 1024 / 1024 / 1024, 3)\n",
"max_memory = round(gpu_stats.total_memory / 1024 / 1024 / 1024, 3)\n",
"print(f\"GPU = {gpu_stats.name}. Max memory = {max_memory} GB.\")\n",
"print(f\"{start_gpu_memory} GB of memory reserved.\")"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"# Start training!\n",
"trainer_stats = trainer.train()"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"# Show final memory and time stats\n",
"used_memory = round(torch.cuda.max_memory_reserved() / 1024 / 1024 / 1024, 3)\n",
"used_memory_for_lora = round(used_memory - start_gpu_memory, 3)\n",
"used_percentage = round(used_memory / max_memory * 100, 3)\n",
"lora_percentage = round(used_memory_for_lora / max_memory * 100, 3)\n",
"print(f\"{trainer_stats.metrics['train_runtime']} seconds used for training.\")\n",
"print(f\"{round(trainer_stats.metrics['train_runtime']/60, 2)} minutes used for training.\")\n",
"print(f\"Peak reserved memory = {used_memory} GB.\")\n",
"print(f\"Peak reserved memory for training = {used_memory_for_lora} GB.\")\n",
"print(f\"Peak reserved memory % of max memory = {used_percentage} %.\")\n",
"print(f\"Peak reserved memory for training % of max memory = {lora_percentage} %.\")"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Inference\n",
"\n",
"Let's test the model by generating Block Kit JSON from a description!"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "from transformers import TextStreamer\n\n# Test with a custom conversational prompt\nmessages = [\n {\n 'role': 'system',\n 'content': 'You are a helpful assistant that generates Slack Block Kit JSON structures based on conversational context. When users mention actions in their messages, provide appropriate UI components.'\n },\n {\n 'role': 'user',\n 'content': 'Hey everyone, I was thinking about the team offsite next month. we should book a table somewhere nice for dinner on Friday night. Any preferences?'\n }\n]\n\ntext = tokenizer.apply_chat_template(\n messages,\n tokenize = False,\n add_generation_prompt = True,\n).removeprefix('<bos>')\n\nprint(\"\\n=== Generating Block Kit JSON from conversation ===\")\n_ = model.generate(\n **tokenizer(text, return_tensors = \"pt\").to(\"cuda\"),\n max_new_tokens = 1024,\n temperature = 0.7,\n top_p = 0.9,\n top_k = 50,\n streamer = TextStreamer(tokenizer, skip_prompt = True),\n)"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Test with Training Examples\n",
"\n",
"Let's verify the model learned from our training data."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "# Test with another conversational example\ntest_messages = [\n {\n 'role': 'system',\n 'content': 'You are a helpful assistant that generates Slack Block Kit JSON structures based on conversational context. When users mention actions in their messages, provide appropriate UI components.'\n },\n {\n 'role': 'user',\n 'content': 'Working late at the office and getting pretty hungry. let\\'s order some food for the team, preferably something healthy with fast delivery options'\n }\n]\n\ntest_text = tokenizer.apply_chat_template(\n test_messages,\n tokenize = False,\n add_generation_prompt = True,\n).removeprefix('<bos>')\n\nprint(\"\\n=== Testing with: Food Ordering Context ===\")\n_ = model.generate(\n **tokenizer(test_text, return_tensors = \"pt\").to(\"cuda\"),\n max_new_tokens = 1500,\n temperature = 0.3, # Lower temperature for more consistent output\n top_p = 0.95,\n top_k = 64,\n streamer = TextStreamer(tokenizer, skip_prompt = True),\n)"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Save the Model\n",
"\n",
"Save the fine-tuned model for later use."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "# Save LoRA adapters locally\nmodel.save_pretrained(\"blockkit-gemma-3-1b\")\ntokenizer.save_pretrained(\"blockkit-gemma-3-1b\")\n\n# Optional: Push to Hugging Face Hub\n# model.push_to_hub(\"your_username/blockkit-gemma-3-1b\", token = \"hf_...\")\n# tokenizer.push_to_hub(\"your_username/blockkit-gemma-3-1b\", token = \"hf_...\")"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Save to Different Formats\n",
"\n",
"Export the model to various formats for deployment."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "# Merge to 16bit\nif False:\n model.save_pretrained_merged(\"blockkit-gemma-3-1b-16bit\", tokenizer, save_method = \"merged_16bit\")\nif False: # Pushing to HF Hub\n model.push_to_hub_merged(\"hf/blockkit-gemma-3-1b-16bit\", tokenizer, save_method = \"merged_16bit\", token = \"\")\n\n# Merge to 4bit\nif False:\n model.save_pretrained_merged(\"blockkit-gemma-3-1b-4bit\", tokenizer, save_method = \"merged_4bit\",)\nif False: # Pushing to HF Hub\n model.push_to_hub_merged(\"hf/blockkit-gemma-3-1b-4bit\", tokenizer, save_method = \"merged_4bit\", token = \"\")\n\n# Just LoRA adapters\nif False:\n model.save_pretrained(\"blockkit-gemma-3-1b-lora\")\n tokenizer.save_pretrained(\"blockkit-gemma-3-1b-lora\")\nif False: # Pushing to HF Hub\n model.push_to_hub(\"hf/blockkit-gemma-3-1b-lora\", token = \"\")\n tokenizer.push_to_hub(\"hf/blockkit-gemma-3-1b-lora\", token = \"\")\n"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Load Saved Model\n",
"\n",
"To reload your fine-tuned model later:"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": "if False: # Set to True to test loading\n from unsloth import FastModel\n \n loaded_model, loaded_tokenizer = FastModel.from_pretrained(\n model_name = \"blockkit-gemma-3-1b\",\n max_seq_length = 2048,\n load_in_4bit = True,\n )\n print(\"Model loaded successfully!\")"
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"\n",
"## 🎉 Done!\n",
"\n",
"You now have a fine-tuned Gemma-3 model that can generate valid Slack Block Kit JSON layouts!\n",
"\n",
"### Next Steps:\n",
"- Add more diverse training examples to improve coverage\n",
"- Validate generated JSON against Block Kit schema\n",
"- Deploy the model using VLLM or llama.cpp\n",
"- Create a simple API wrapper for easy integration\n",
"\n",
"<div class=\"align-center\">\n",
" <a href=\"https://unsloth.ai\"><img src=\"https://github.com/unslothai/unsloth/raw/main/images/unsloth%20new%20logo.png\" width=\"115\"></a>\n",
" <a href=\"https://discord.gg/unsloth\"><img src=\"https://github.com/unslothai/unsloth/raw/main/images/Discord.png\" width=\"145\"></a>\n",
" <a href=\"https://docs.unsloth.ai/\"><img src=\"https://github.com/unslothai/unsloth/blob/main/images/documentation%20green%20button.png?raw=true\" width=\"125\"></a>\n",
" \n",
" Join Discord if you need help + ⭐️ <i>Star us on <a href=\"https://github.com/unslothai/unsloth\">Github</a> </i> ⭐️\n",
"</div>"
]
}
],
"metadata": {
"accelerator": "GPU",
"colab": {
"gpuType": "T4",
"provenance": []
},
"kernelspec": {
"display_name": "Python 3",
"name": "python3"
},
"language_info": {
"name": "python"
}
},
"nbformat": 4,
"nbformat_minor": 0
}
This file has been truncated, but you can view the full file.
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-23\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"flight_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Filter Events*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All event types\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Meetings\"\n },\n \"value\": \"meetings\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tasks\"\n },\n \"value\": \"tasks\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminders\"\n },\n \"value\": \"reminders\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Personal\"\n },\n \"value\": \"personal\"\n }\n ],\n \"action_id\": \"event_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2709\\ufe0f Compose Email\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Party Size*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Number of guests\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 guest\"\n },\n \"value\": \"1\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 guests\"\n },\n \"value\": \"2\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"3 guests\"\n },\n \"value\": \"3\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"4 guests\"\n },\n \"value\": \"4\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"5+ guests\"\n },\n \"value\": \"5+\"\n }\n ],\n \"action_id\": \"party_size\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Email reminder\"\n },\n \"value\": \"email\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"SMS alert\"\n },\n \"value\": \"sms\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n }\n ],\n \"action_id\": \"notification_channels\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Select/change seats\"\n },\n \"value\": \"seats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add baggage\"\n },\n \"value\": \"baggage\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n }\n ],\n \"action_id\": \"preflight_tasks\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select your dining preferences:*\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Request read receipt\"\n },\n \"value\": \"read_receipt\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save to sent folder\"\n },\n \"value\": \"save_sent\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Encrypt message\"\n },\n \"value\": \"encrypt\"\n }\n ],\n \"action_id\": \"email_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:30\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"timepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Play music\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcca Track calories\"\n },\n \"value\": \"calories\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2764\\ufe0f Monitor heart rate\"\n },\n \"value\": \"heartrate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f1\\ufe0f Interval timer\"\n },\n \"value\": \"timer\"\n }\n ],\n \"action_id\": \"workout_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udf21\\ufe0f Temperature*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60\\u00b0F / 15\\u00b0C\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"65\\u00b0F / 18\\u00b0C\"\n },\n \"value\": \"65\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"72\\u00b0F / 22\\u00b0C\"\n },\n \"value\": \"72\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"75\\u00b0F / 24\\u00b0C\"\n },\n \"value\": \"75\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"78\\u00b0F / 26\\u00b0C\"\n },\n \"value\": \"78\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n \"action_id\": \"temperature\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Trip Itinerary\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$5,000\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$5,000+\"\n },\n \"value\": \"premium\"\n }\n ],\n \"action_id\": \"budget\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Event Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Birthday\"\n },\n \"value\": \"birthday\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc8d Wedding\"\n },\n \"value\": \"wedding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf93 Graduation\"\n },\n \"value\": \"graduation\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe2 Corporate Event\"\n },\n \"value\": \"corporate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Party\"\n },\n \"value\": \"party\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Conference\"\n },\n \"value\": \"conference\"\n }\n ],\n \"action_id\": \"event_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Event Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Birthday\"\n },\n \"value\": \"birthday\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc8d Wedding\"\n },\n \"value\": \"wedding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf93 Graduation\"\n },\n \"value\": \"graduation\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe2 Corporate Event\"\n },\n \"value\": \"corporate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Party\"\n },\n \"value\": \"party\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Conference\"\n },\n \"value\": \"conference\"\n }\n ],\n \"action_id\": \"event_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Summary Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose summary type\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Executive Summary\"\n },\n \"value\": \"executive\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Abstract\"\n },\n \"value\": \"abstract\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One Paragraph\"\n },\n \"value\": \"paragraph\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n \"action_id\": \"summary_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"rich_text_input\",\n \"action_id\": \"email_body\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Write your email here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Message\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Start Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start time\"\n },\n \"action_id\": \"start_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcde Schedule Conference Call\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Request read receipt\"\n },\n \"value\": \"read_receipt\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save to sent folder\"\n },\n \"value\": \"save_sent\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Encrypt message\"\n },\n \"value\": \"encrypt\"\n }\n ],\n \"action_id\": \"email_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Email reminder\"\n },\n \"value\": \"email\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"SMS alert\"\n },\n \"value\": \"sms\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n }\n ],\n \"action_id\": \"notification_channels\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Schedule*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select days\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monday\"\n },\n \"value\": \"mon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tuesday\"\n },\n \"value\": \"tue\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wednesday\"\n },\n \"value\": \"wed\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Thursday\"\n },\n \"value\": \"thu\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Friday\"\n },\n \"value\": \"fri\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saturday\"\n },\n \"value\": \"sat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Sunday\"\n },\n \"value\": \"sun\"\n }\n ],\n \"action_id\": \"schedule_days\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:30\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"timepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show declined events\"\n },\n \"value\": \"declined\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show tentative events\"\n },\n \"value\": \"tentative\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n }\n ],\n \"action_id\": \"display_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Play music\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcca Track calories\"\n },\n \"value\": \"calories\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2764\\ufe0f Monitor heart rate\"\n },\n \"value\": \"heartrate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f1\\ufe0f Interval timer\"\n },\n \"value\": \"timer\"\n }\n ],\n \"action_id\": \"workout_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Request read receipt\"\n },\n \"value\": \"read_receipt\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save to sent folder\"\n },\n \"value\": \"save_sent\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Encrypt message\"\n },\n \"value\": \"encrypt\"\n }\n ],\n \"action_id\": \"email_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show declined events\"\n },\n \"value\": \"declined\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show tentative events\"\n },\n \"value\": \"tentative\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n }\n ],\n \"action_id\": \"display_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"direct_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Or paste your text here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Text to Summarize\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcde Schedule Conference Call\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seat\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Aisle seat\"\n },\n \"value\": \"aisle\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Exit row\"\n },\n \"value\": \"exit\"\n }\n ],\n \"action_id\": \"seat_preference\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Select/change seats\"\n },\n \"value\": \"seats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add baggage\"\n },\n \"value\": \"baggage\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n }\n ],\n \"action_id\": \"preflight_tasks\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcde Schedule Conference Call\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Invite Guests*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select guests\"\n },\n \"action_id\": \"guest_list\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Summary Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose summary type\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Executive Summary\"\n },\n \"value\": \"executive\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Abstract\"\n },\n \"value\": \"abstract\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One Paragraph\"\n },\n \"value\": \"paragraph\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n \"action_id\": \"summary_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf89 Plan Event\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Scenes & Routines*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2600\\ufe0f Good Morning\"\n },\n \"value\": \"morning\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf05 Good Evening\"\n },\n \"value\": \"evening\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf19 Good Night\"\n },\n \"value\": \"night\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfac Movie Time\"\n },\n \"value\": \"movie\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Away Mode\"\n },\n \"value\": \"away\"\n }\n ],\n \"action_id\": \"scene_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Start Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start time\"\n },\n \"action_id\": \"start_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Delivery Address*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select address\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Office - 456 Business Ave\"\n },\n \"value\": \"office\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add new address...\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n \"action_id\": \"delivery_address\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seat\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Aisle seat\"\n },\n \"value\": \"aisle\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Exit row\"\n },\n \"value\": \"exit\"\n }\n ],\n \"action_id\": \"seat_preference\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Book Flight\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Party Size*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Number of guests\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 guest\"\n },\n \"value\": \"1\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 guests\"\n },\n \"value\": \"2\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"3 guests\"\n },\n \"value\": \"3\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"4 guests\"\n },\n \"value\": \"4\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"5+ guests\"\n },\n \"value\": \"5+\"\n }\n ],\n \"action_id\": \"party_size\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"special_requests\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any dietary restrictions, allergies, or special occasions?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Special Requests\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Email reminder\"\n },\n \"value\": \"email\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"SMS alert\"\n },\n \"value\": \"sms\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n }\n ],\n \"action_id\": \"notification_channels\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Summary Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose summary type\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Executive Summary\"\n },\n \"value\": \"executive\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Abstract\"\n },\n \"value\": \"abstract\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One Paragraph\"\n },\n \"value\": \"paragraph\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n \"action_id\": \"summary_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"timepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Delivery Address*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select address\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Office - 456 Business Ave\"\n },\n \"value\": \"office\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add new address...\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n \"action_id\": \"delivery_address\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show declined events\"\n },\n \"value\": \"declined\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show tentative events\"\n },\n \"value\": \"tentative\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n }\n ],\n \"action_id\": \"display_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"rich_text_input\",\n \"action_id\": \"email_body\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Write your email here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Message\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Request read receipt\"\n },\n \"value\": \"read_receipt\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save to sent folder\"\n },\n \"value\": \"save_sent\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Encrypt message\"\n },\n \"value\": \"encrypt\"\n }\n ],\n \"action_id\": \"email_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"ID/Passport ready\"\n },\n \"value\": \"id\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Travel insurance docs\"\n },\n \"value\": \"insurance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"COVID vaccination card\"\n },\n \"value\": \"covid\"\n }\n ],\n \"action_id\": \"documents\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uded2 Smart Shopping List\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf55 Order Food\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Free delivery\"\n },\n \"value\": \"free_delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"New restaurants\"\n },\n \"value\": \"new\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Offers available\"\n },\n \"value\": \"offers\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"action_id\": \"filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Event Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Birthday\"\n },\n \"value\": \"birthday\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc8d Wedding\"\n },\n \"value\": \"wedding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf93 Graduation\"\n },\n \"value\": \"graduation\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe2 Corporate Event\"\n },\n \"value\": \"corporate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Party\"\n },\n \"value\": \"party\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Conference\"\n },\n \"value\": \"conference\"\n }\n ],\n \"action_id\": \"event_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"rich_text_input\",\n \"action_id\": \"email_body\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Write your email here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Message\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc5 Schedule Management\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Start Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start time\"\n },\n \"action_id\": \"start_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"special_requests\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any dietary restrictions, allergies, or special occasions?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Special Requests\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Start Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start time\"\n },\n \"action_id\": \"start_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seat\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Aisle seat\"\n },\n \"value\": \"aisle\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Exit row\"\n },\n \"value\": \"exit\"\n }\n ],\n \"action_id\": \"seat_preference\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Flights booked\"\n },\n \"value\": \"flights\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe8 Hotel reserved\"\n },\n \"value\": \"hotel\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude97 Car rental\"\n },\n \"value\": \"car\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfab Activities planned\"\n },\n \"value\": \"activities\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udee1\\ufe0f Travel insurance\"\n },\n \"value\": \"insurance\"\n }\n ],\n \"action_id\": \"booking_status\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Free delivery\"\n },\n \"value\": \"free_delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"New restaurants\"\n },\n \"value\": \"new\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Offers available\"\n },\n \"value\": \"offers\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"action_id\": \"filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Free delivery\"\n },\n \"value\": \"free_delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"New restaurants\"\n },\n \"value\": \"new\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Offers available\"\n },\n \"value\": \"offers\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"action_id\": \"filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select participants*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add team members\"\n },\n \"action_id\": \"participants\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort By*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"value\": \"recommended\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Fastest Delivery\"\n },\n \"value\": \"fastest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Rating\"\n },\n \"value\": \"rating\"\n }\n ],\n \"action_id\": \"sort_by\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$5,000\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$5,000+\"\n },\n \"value\": \"premium\"\n }\n ],\n \"action_id\": \"budget\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select participants*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add team members\"\n },\n \"action_id\": \"participants\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Delivery Address*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select address\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Office - 456 Business Ave\"\n },\n \"value\": \"office\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add new address...\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n \"action_id\": \"delivery_address\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcde Schedule Conference Call\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Start Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start time\"\n },\n \"action_id\": \"start_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$5,000\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$5,000+\"\n },\n \"value\": \"premium\"\n }\n ],\n \"action_id\": \"budget\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Delivery Address*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select address\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Office - 456 Business Ave\"\n },\n \"value\": \"office\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add new address...\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n \"action_id\": \"delivery_address\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Filter Events*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All event types\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Meetings\"\n },\n \"value\": \"meetings\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tasks\"\n },\n \"value\": \"tasks\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminders\"\n },\n \"value\": \"reminders\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Personal\"\n },\n \"value\": \"personal\"\n }\n ],\n \"action_id\": \"event_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Week View\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Month View\"\n },\n \"value\": \"month\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n \"action_id\": \"view_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"url_text_input\",\n \"action_id\": \"content_url\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Paste article URL or upload document\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Content Source\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"ID/Passport ready\"\n },\n \"value\": \"id\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Travel insurance docs\"\n },\n \"value\": \"insurance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"COVID vaccination card\"\n },\n \"value\": \"covid\"\n }\n ],\n \"action_id\": \"documents\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Book Flight\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-18\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"flight_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"direct_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Or paste your text here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Text to Summarize\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"rich_text_input\",\n \"action_id\": \"email_body\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Write your email here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Message\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-18\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"flight_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Free delivery\"\n },\n \"value\": \"free_delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"New restaurants\"\n },\n \"value\": \"new\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Offers available\"\n },\n \"value\": \"offers\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"action_id\": \"filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-25\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"flight_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude87 *Transit*\\n_Subway & bus_\"\n },\n \"value\": \"transit\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb6 *Walk*\\n_Pedestrian route_\"\n },\n \"value\": \"walk\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb4 *Bike*\\n_Bike-friendly_\"\n },\n \"value\": \"bike\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n \"action_id\": \"transport_method\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Request read receipt\"\n },\n \"value\": \"read_receipt\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save to sent folder\"\n },\n \"value\": \"save_sent\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Encrypt message\"\n },\n \"value\": \"encrypt\"\n }\n ],\n \"action_id\": \"email_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe0 Smart Home Control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2709\\ufe0f Compose Email\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Free delivery\"\n },\n \"value\": \"free_delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"New restaurants\"\n },\n \"value\": \"new\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Offers available\"\n },\n \"value\": \"offers\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"action_id\": \"filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc5 Schedule Management\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uded2 Smart Shopping List\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort By*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"value\": \"recommended\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Fastest Delivery\"\n },\n \"value\": \"fastest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Rating\"\n },\n \"value\": \"rating\"\n }\n ],\n \"action_id\": \"sort_by\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Scenes & Routines*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2600\\ufe0f Good Morning\"\n },\n \"value\": \"morning\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf05 Good Evening\"\n },\n \"value\": \"evening\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf19 Good Night\"\n },\n \"value\": \"night\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfac Movie Time\"\n },\n \"value\": \"movie\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Away Mode\"\n },\n \"value\": \"away\"\n }\n ],\n \"action_id\": \"scene_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select your dining preferences:*\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"subject\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Email subject\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Subject\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:30\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"timepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Week View\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Month View\"\n },\n \"value\": \"month\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n \"action_id\": \"view_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"return_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Book Flight\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf89 Plan Event\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Expected Guests*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"10-25 people\"\n },\n \"value\": \"small\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"25-50 people\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"50-100 people\"\n },\n \"value\": \"large\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"100+ people\"\n },\n \"value\": \"xlarge\"\n }\n ],\n \"action_id\": \"guest_count\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Scenes & Routines*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2600\\ufe0f Good Morning\"\n },\n \"value\": \"morning\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf05 Good Evening\"\n },\n \"value\": \"evening\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf19 Good Night\"\n },\n \"value\": \"night\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfac Movie Time\"\n },\n \"value\": \"movie\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Away Mode\"\n },\n \"value\": \"away\"\n }\n ],\n \"action_id\": \"scene_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"special_requests\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any dietary restrictions, allergies, or special occasions?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Special Requests\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-18\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"reminder_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe0 Smart Home Control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seat\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Aisle seat\"\n },\n \"value\": \"aisle\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Exit row\"\n },\n \"value\": \"exit\"\n }\n ],\n \"action_id\": \"seat_preference\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Beginner*\\n_Just starting out_\"\n },\n \"value\": \"beginner\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Intermediate*\\n_Regular exercise_\"\n },\n \"value\": \"intermediate\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *Advanced*\\n_High intensity_\"\n },\n \"value\": \"advanced\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Intermediate*\\n_Regular exercise_\"\n },\n \"value\": \"intermediate\"\n },\n \"action_id\": \"intensity\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:30\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfea Store Selection*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All stores\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Amazon\"\n },\n \"value\": \"amazon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Walmart\"\n },\n \"value\": \"walmart\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Target\"\n },\n \"value\": \"target\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Buy\"\n },\n \"value\": \"bestbuy\"\n }\n ],\n \"action_id\": \"store_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uded2 Smart Shopping List\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"reminder_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"What do you want to be reminded about?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Time*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"value\": \"now\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 15 min\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 30 min\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 1 hour\"\n },\n \"value\": \"60\"\n }\n ],\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seat\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Aisle seat\"\n },\n \"value\": \"aisle\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Exit row\"\n },\n \"value\": \"exit\"\n }\n ],\n \"action_id\": \"seat_preference\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc5 Schedule Management\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Alert me*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"When to notify\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour before\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 hours before\"\n },\n \"value\": \"120\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"On landing\"\n },\n \"value\": \"0\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"alert_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Departure updates\"\n },\n \"value\": \"departure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Baggage claim info\"\n },\n \"value\": \"baggage\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delays/Cancellations\"\n },\n \"value\": \"delays\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n }\n ],\n \"action_id\": \"notifications\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Details*\\nAA 2847 | Boston \\u2192 Miami | Today at 6:15 AM\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"subject\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Email subject\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Subject\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Compare prices\"\n },\n \"value\": \"compare\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price alerts\"\n },\n \"value\": \"alerts\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View wishlist\"\n },\n \"value\": \"wishlist\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share list\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"shopping_actions\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Alert me*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"When to notify\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour before\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 hours before\"\n },\n \"value\": \"120\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"On landing\"\n },\n \"value\": \"0\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"alert_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf89 Plan Event\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"direct_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Or paste your text here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Text to Summarize\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Filter Events*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All event types\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Meetings\"\n },\n \"value\": \"meetings\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tasks\"\n },\n \"value\": \"tasks\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminders\"\n },\n \"value\": \"reminders\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Personal\"\n },\n \"value\": \"personal\"\n }\n ],\n \"action_id\": \"event_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Party Size*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Number of guests\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 guest\"\n },\n \"value\": \"1\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 guests\"\n },\n \"value\": \"2\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"3 guests\"\n },\n \"value\": \"3\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"4 guests\"\n },\n \"value\": \"4\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"5+ guests\"\n },\n \"value\": \"5+\"\n }\n ],\n \"action_id\": \"party_size\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Expected Guests*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"10-25 people\"\n },\n \"value\": \"small\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"25-50 people\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"50-100 people\"\n },\n \"value\": \"large\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"100+ people\"\n },\n \"value\": \"xlarge\"\n }\n ],\n \"action_id\": \"guest_count\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"direct_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Or paste your text here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Text to Summarize\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Room Selection*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose room\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udecb\\ufe0f Living Room\"\n },\n \"value\": \"living\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udecf\\ufe0f Bedroom\"\n },\n \"value\": \"bedroom\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf73 Kitchen\"\n },\n \"value\": \"kitchen\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udebf Bathroom\"\n },\n \"value\": \"bathroom\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe1 All Rooms\"\n },\n \"value\": \"all\"\n }\n ],\n \"action_id\": \"room_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Filter Events*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All event types\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Meetings\"\n },\n \"value\": \"meetings\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tasks\"\n },\n \"value\": \"tasks\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminders\"\n },\n \"value\": \"reminders\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Personal\"\n },\n \"value\": \"personal\"\n }\n ],\n \"action_id\": \"event_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select range\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tomorrow\"\n },\n \"value\": \"tomorrow\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"This Week\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Next Week\"\n },\n \"value\": \"next_week\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n \"action_id\": \"date_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Play music\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcca Track calories\"\n },\n \"value\": \"calories\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2764\\ufe0f Monitor heart rate\"\n },\n \"value\": \"heartrate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f1\\ufe0f Interval timer\"\n },\n \"value\": \"timer\"\n }\n ],\n \"action_id\": \"workout_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2709\\ufe0f Compose Email\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Brief (2-3 sentences)\"\n },\n \"value\": \"brief\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Standard (1-2 paragraphs)\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Detailed (3-5 paragraphs)\"\n },\n \"value\": \"detailed\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Standard (1-2 paragraphs)\"\n },\n \"value\": \"standard\"\n },\n \"action_id\": \"length_option\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Share updates with:*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select people (optional)\"\n },\n \"action_id\": \"share_with\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Book Flight\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf55 Order Food\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udf21\\ufe0f Temperature*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60\\u00b0F / 15\\u00b0C\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"65\\u00b0F / 18\\u00b0C\"\n },\n \"value\": \"65\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"72\\u00b0F / 22\\u00b0C\"\n },\n \"value\": \"72\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"75\\u00b0F / 24\\u00b0C\"\n },\n \"value\": \"75\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"78\\u00b0F / 26\\u00b0C\"\n },\n \"value\": \"78\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n \"action_id\": \"temperature\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Scenes & Routines*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2600\\ufe0f Good Morning\"\n },\n \"value\": \"morning\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf05 Good Evening\"\n },\n \"value\": \"evening\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf19 Good Night\"\n },\n \"value\": \"night\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfac Movie Time\"\n },\n \"value\": \"movie\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Away Mode\"\n },\n \"value\": \"away\"\n }\n ],\n \"action_id\": \"scene_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Free delivery\"\n },\n \"value\": \"free_delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"New restaurants\"\n },\n \"value\": \"new\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Offers available\"\n },\n \"value\": \"offers\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"action_id\": \"filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Invite Guests*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select guests\"\n },\n \"action_id\": \"guest_list\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Week View\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Month View\"\n },\n \"value\": \"month\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n \"action_id\": \"view_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Beginner*\\n_Just starting out_\"\n },\n \"value\": \"beginner\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Intermediate*\\n_Regular exercise_\"\n },\n \"value\": \"intermediate\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *Advanced*\\n_High intensity_\"\n },\n \"value\": \"advanced\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Intermediate*\\n_Regular exercise_\"\n },\n \"value\": \"intermediate\"\n },\n \"action_id\": \"intensity\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Scenes & Routines*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2600\\ufe0f Good Morning\"\n },\n \"value\": \"morning\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf05 Good Evening\"\n },\n \"value\": \"evening\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf19 Good Night\"\n },\n \"value\": \"night\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfac Movie Time\"\n },\n \"value\": \"movie\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Away Mode\"\n },\n \"value\": \"away\"\n }\n ],\n \"action_id\": \"scene_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc5 Schedule Management\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select range\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tomorrow\"\n },\n \"value\": \"tomorrow\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"This Week\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Next Week\"\n },\n \"value\": \"next_week\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n \"action_id\": \"date_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select participants*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add team members\"\n },\n \"action_id\": \"participants\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"reminder_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"What do you want to be reminded about?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show declined events\"\n },\n \"value\": \"declined\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show tentative events\"\n },\n \"value\": \"tentative\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n }\n ],\n \"action_id\": \"display_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Summary Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose summary type\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Executive Summary\"\n },\n \"value\": \"executive\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Abstract\"\n },\n \"value\": \"abstract\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One Paragraph\"\n },\n \"value\": \"paragraph\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n \"action_id\": \"summary_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Alert me*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"When to notify\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour before\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 hours before\"\n },\n \"value\": \"120\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"On landing\"\n },\n \"value\": \"0\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"alert_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Book Flight\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Event Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Birthday\"\n },\n \"value\": \"birthday\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc8d Wedding\"\n },\n \"value\": \"wedding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf93 Graduation\"\n },\n \"value\": \"graduation\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe2 Corporate Event\"\n },\n \"value\": \"corporate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Party\"\n },\n \"value\": \"party\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Conference\"\n },\n \"value\": \"conference\"\n }\n ],\n \"action_id\": \"event_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Departure updates\"\n },\n \"value\": \"departure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Baggage claim info\"\n },\n \"value\": \"baggage\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delays/Cancellations\"\n },\n \"value\": \"delays\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n }\n ],\n \"action_id\": \"notifications\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf55 Order Food\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf55 Order Food\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf55 Order Food\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"direct_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Or paste your text here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Text to Summarize\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Compare prices\"\n },\n \"value\": \"compare\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price alerts\"\n },\n \"value\": \"alerts\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View wishlist\"\n },\n \"value\": \"wishlist\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share list\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"shopping_actions\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uded2 Smart Shopping List\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget per Person*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$3,000\"\n },\n \"value\": \"comfortable\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$3,000+\"\n },\n \"value\": \"luxury\"\n }\n ],\n \"action_id\": \"budget_pp\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Delivery Address*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select address\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Office - 456 Business Ave\"\n },\n \"value\": \"office\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add new address...\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n \"action_id\": \"delivery_address\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Details*\\nAA 2847 | Boston \\u2192 Miami | Today at 6:15 AM\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Start Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start time\"\n },\n \"action_id\": \"start_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort By*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"value\": \"recommended\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Fastest Delivery\"\n },\n \"value\": \"fastest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Rating\"\n },\n \"value\": \"rating\"\n }\n ],\n \"action_id\": \"sort_by\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"special_requests\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any dietary restrictions, allergies, or special occasions?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Special Requests\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"subject\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Email subject\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Subject\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:30\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"timepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Alert me*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"When to notify\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour before\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 hours before\"\n },\n \"value\": \"120\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"On landing\"\n },\n \"value\": \"0\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"alert_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Invite Guests*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select guests\"\n },\n \"action_id\": \"guest_list\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"return_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"direct_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Or paste your text here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Text to Summarize\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Week View\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Month View\"\n },\n \"value\": \"month\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n \"action_id\": \"view_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show declined events\"\n },\n \"value\": \"declined\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show tentative events\"\n },\n \"value\": \"tentative\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n }\n ],\n \"action_id\": \"display_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Book Flight\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select participants*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add team members\"\n },\n \"action_id\": \"participants\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc5 Schedule Management\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Free delivery\"\n },\n \"value\": \"free_delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"New restaurants\"\n },\n \"value\": \"new\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Offers available\"\n },\n \"value\": \"offers\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"action_id\": \"filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"url_text_input\",\n \"action_id\": \"content_url\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Paste article URL or upload document\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Content Source\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"return_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$5,000\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$5,000+\"\n },\n \"value\": \"premium\"\n }\n ],\n \"action_id\": \"budget\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"rich_text_input\",\n \"action_id\": \"email_body\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Write your email here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Message\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Cuisine Type*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All cuisines\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Italian\"\n },\n \"value\": \"italian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chinese\"\n },\n \"value\": \"chinese\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Mexican\"\n },\n \"value\": \"mexican\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Japanese\"\n },\n \"value\": \"japanese\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Indian\"\n },\n \"value\": \"indian\"\n }\n ],\n \"action_id\": \"cuisine_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Email reminder\"\n },\n \"value\": \"email\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"SMS alert\"\n },\n \"value\": \"sms\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n }\n ],\n \"action_id\": \"notification_channels\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Time*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"value\": \"now\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 15 min\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 30 min\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 1 hour\"\n },\n \"value\": \"60\"\n }\n ],\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc5 Schedule Management\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-17\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select a date\"\n },\n \"action_id\": \"datepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort By*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"value\": \"recommended\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Fastest Delivery\"\n },\n \"value\": \"fastest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Rating\"\n },\n \"value\": \"rating\"\n }\n ],\n \"action_id\": \"sort_by\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc5 Schedule Management\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select participants*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add team members\"\n },\n \"action_id\": \"participants\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"direct_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Or paste your text here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Text to Summarize\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfea Store Selection*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All stores\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Amazon\"\n },\n \"value\": \"amazon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Walmart\"\n },\n \"value\": \"walmart\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Target\"\n },\n \"value\": \"target\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Buy\"\n },\n \"value\": \"bestbuy\"\n }\n ],\n \"action_id\": \"store_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Brief (2-3 sentences)\"\n },\n \"value\": \"brief\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Standard (1-2 paragraphs)\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Detailed (3-5 paragraphs)\"\n },\n \"value\": \"detailed\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Standard (1-2 paragraphs)\"\n },\n \"value\": \"standard\"\n },\n \"action_id\": \"length_option\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"special_requests\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any dietary restrictions, allergies, or special occasions?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Special Requests\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Play music\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcca Track calories\"\n },\n \"value\": \"calories\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2764\\ufe0f Monitor heart rate\"\n },\n \"value\": \"heartrate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f1\\ufe0f Interval timer\"\n },\n \"value\": \"timer\"\n }\n ],\n \"action_id\": \"workout_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2709\\ufe0f Compose Email\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Summary Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose summary type\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Executive Summary\"\n },\n \"value\": \"executive\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Abstract\"\n },\n \"value\": \"abstract\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One Paragraph\"\n },\n \"value\": \"paragraph\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n \"action_id\": \"summary_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"return_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Flights booked\"\n },\n \"value\": \"flights\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe8 Hotel reserved\"\n },\n \"value\": \"hotel\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude97 Car rental\"\n },\n \"value\": \"car\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfab Activities planned\"\n },\n \"value\": \"activities\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udee1\\ufe0f Travel insurance\"\n },\n \"value\": \"insurance\"\n }\n ],\n \"action_id\": \"booking_status\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget per Person*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$3,000\"\n },\n \"value\": \"comfortable\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$3,000+\"\n },\n \"value\": \"luxury\"\n }\n ],\n \"action_id\": \"budget_pp\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Book Flight\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcde Schedule Conference Call\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Brief (2-3 sentences)\"\n },\n \"value\": \"brief\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Standard (1-2 paragraphs)\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Detailed (3-5 paragraphs)\"\n },\n \"value\": \"detailed\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Standard (1-2 paragraphs)\"\n },\n \"value\": \"standard\"\n },\n \"action_id\": \"length_option\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe0 Smart Home Control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Share updates with:*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select people (optional)\"\n },\n \"action_id\": \"share_with\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show declined events\"\n },\n \"value\": \"declined\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show tentative events\"\n },\n \"value\": \"tentative\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n }\n ],\n \"action_id\": \"display_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Party Size*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Number of guests\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 guest\"\n },\n \"value\": \"1\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 guests\"\n },\n \"value\": \"2\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"3 guests\"\n },\n \"value\": \"3\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"4 guests\"\n },\n \"value\": \"4\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"5+ guests\"\n },\n \"value\": \"5+\"\n }\n ],\n \"action_id\": \"party_size\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Details*\\nAA 2847 | Boston \\u2192 Miami | Today at 6:15 AM\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Filter Events*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All event types\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Meetings\"\n },\n \"value\": \"meetings\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tasks\"\n },\n \"value\": \"tasks\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminders\"\n },\n \"value\": \"reminders\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Personal\"\n },\n \"value\": \"personal\"\n }\n ],\n \"action_id\": \"event_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf89 Plan Event\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Email reminder\"\n },\n \"value\": \"email\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"SMS alert\"\n },\n \"value\": \"sms\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n }\n ],\n \"action_id\": \"notification_channels\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Departure updates\"\n },\n \"value\": \"departure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Baggage claim info\"\n },\n \"value\": \"baggage\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delays/Cancellations\"\n },\n \"value\": \"delays\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n }\n ],\n \"action_id\": \"notifications\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget per Person*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$3,000\"\n },\n \"value\": \"comfortable\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$3,000+\"\n },\n \"value\": \"luxury\"\n }\n ],\n \"action_id\": \"budget_pp\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Departure updates\"\n },\n \"value\": \"departure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Baggage claim info\"\n },\n \"value\": \"baggage\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delays/Cancellations\"\n },\n \"value\": \"delays\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n }\n ],\n \"action_id\": \"notifications\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-08-02\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"reminder_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Scenes & Routines*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2600\\ufe0f Good Morning\"\n },\n \"value\": \"morning\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf05 Good Evening\"\n },\n \"value\": \"evening\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf19 Good Night\"\n },\n \"value\": \"night\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfac Movie Time\"\n },\n \"value\": \"movie\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Away Mode\"\n },\n \"value\": \"away\"\n }\n ],\n \"action_id\": \"scene_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Cuisine Type*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All cuisines\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Italian\"\n },\n \"value\": \"italian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chinese\"\n },\n \"value\": \"chinese\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Mexican\"\n },\n \"value\": \"mexican\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Japanese\"\n },\n \"value\": \"japanese\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Indian\"\n },\n \"value\": \"indian\"\n }\n ],\n \"action_id\": \"cuisine_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"special_requests\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any dietary restrictions, allergies, or special occasions?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Special Requests\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Expected Guests*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"10-25 people\"\n },\n \"value\": \"small\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"25-50 people\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"50-100 people\"\n },\n \"value\": \"large\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"100+ people\"\n },\n \"value\": \"xlarge\"\n }\n ],\n \"action_id\": \"guest_count\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Departure updates\"\n },\n \"value\": \"departure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Baggage claim info\"\n },\n \"value\": \"baggage\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delays/Cancellations\"\n },\n \"value\": \"delays\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n }\n ],\n \"action_id\": \"notifications\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort By*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"value\": \"recommended\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Fastest Delivery\"\n },\n \"value\": \"fastest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Rating\"\n },\n \"value\": \"rating\"\n }\n ],\n \"action_id\": \"sort_by\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show declined events\"\n },\n \"value\": \"declined\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show tentative events\"\n },\n \"value\": \"tentative\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n }\n ],\n \"action_id\": \"display_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select range\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tomorrow\"\n },\n \"value\": \"tomorrow\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"This Week\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Next Week\"\n },\n \"value\": \"next_week\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n \"action_id\": \"date_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Schedule*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select days\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monday\"\n },\n \"value\": \"mon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tuesday\"\n },\n \"value\": \"tue\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wednesday\"\n },\n \"value\": \"wed\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Thursday\"\n },\n \"value\": \"thu\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Friday\"\n },\n \"value\": \"fri\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saturday\"\n },\n \"value\": \"sat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Sunday\"\n },\n \"value\": \"sun\"\n }\n ],\n \"action_id\": \"schedule_days\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"url_text_input\",\n \"action_id\": \"content_url\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Paste article URL or upload document\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Content Source\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf89 Plan Event\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Share updates with:*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select people (optional)\"\n },\n \"action_id\": \"share_with\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"End date\"\n },\n \"action_id\": \"end_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uded2 Smart Shopping List\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Event Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Birthday\"\n },\n \"value\": \"birthday\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc8d Wedding\"\n },\n \"value\": \"wedding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf93 Graduation\"\n },\n \"value\": \"graduation\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe2 Corporate Event\"\n },\n \"value\": \"corporate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Party\"\n },\n \"value\": \"party\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Conference\"\n },\n \"value\": \"conference\"\n }\n ],\n \"action_id\": \"event_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Cuisine Type*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All cuisines\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Italian\"\n },\n \"value\": \"italian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chinese\"\n },\n \"value\": \"chinese\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Mexican\"\n },\n \"value\": \"mexican\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Japanese\"\n },\n \"value\": \"japanese\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Indian\"\n },\n \"value\": \"indian\"\n }\n ],\n \"action_id\": \"cuisine_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf89 Plan Event\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe0 Smart Home Control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Play music\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcca Track calories\"\n },\n \"value\": \"calories\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2764\\ufe0f Monitor heart rate\"\n },\n \"value\": \"heartrate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f1\\ufe0f Interval timer\"\n },\n \"value\": \"timer\"\n }\n ],\n \"action_id\": \"workout_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"reminder_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"What do you want to be reminded about?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"ID/Passport ready\"\n },\n \"value\": \"id\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Travel insurance docs\"\n },\n \"value\": \"insurance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"COVID vaccination card\"\n },\n \"value\": \"covid\"\n }\n ],\n \"action_id\": \"documents\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Share updates with:*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select people (optional)\"\n },\n \"action_id\": \"share_with\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Schedule*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select days\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monday\"\n },\n \"value\": \"mon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tuesday\"\n },\n \"value\": \"tue\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wednesday\"\n },\n \"value\": \"wed\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Thursday\"\n },\n \"value\": \"thu\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Friday\"\n },\n \"value\": \"fri\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saturday\"\n },\n \"value\": \"sat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Sunday\"\n },\n \"value\": \"sun\"\n }\n ],\n \"action_id\": \"schedule_days\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget per Person*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$3,000\"\n },\n \"value\": \"comfortable\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$3,000+\"\n },\n \"value\": \"luxury\"\n }\n ],\n \"action_id\": \"budget_pp\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"reminder_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"What do you want to be reminded about?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-16\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select a date\"\n },\n \"action_id\": \"datepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"direct_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Or paste your text here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Text to Summarize\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Compare prices\"\n },\n \"value\": \"compare\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price alerts\"\n },\n \"value\": \"alerts\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View wishlist\"\n },\n \"value\": \"wishlist\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share list\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"shopping_actions\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Flights booked\"\n },\n \"value\": \"flights\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe8 Hotel reserved\"\n },\n \"value\": \"hotel\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude97 Car rental\"\n },\n \"value\": \"car\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfab Activities planned\"\n },\n \"value\": \"activities\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udee1\\ufe0f Travel insurance\"\n },\n \"value\": \"insurance\"\n }\n ],\n \"action_id\": \"booking_status\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select range\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tomorrow\"\n },\n \"value\": \"tomorrow\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"This Week\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Next Week\"\n },\n \"value\": \"next_week\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n \"action_id\": \"date_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfea Store Selection*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All stores\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Amazon\"\n },\n \"value\": \"amazon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Walmart\"\n },\n \"value\": \"walmart\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Target\"\n },\n \"value\": \"target\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Buy\"\n },\n \"value\": \"bestbuy\"\n }\n ],\n \"action_id\": \"store_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Beginner*\\n_Just starting out_\"\n },\n \"value\": \"beginner\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Intermediate*\\n_Regular exercise_\"\n },\n \"value\": \"intermediate\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *Advanced*\\n_High intensity_\"\n },\n \"value\": \"advanced\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Intermediate*\\n_Regular exercise_\"\n },\n \"value\": \"intermediate\"\n },\n \"action_id\": \"intensity\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2709\\ufe0f Compose Email\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udf21\\ufe0f Temperature*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60\\u00b0F / 15\\u00b0C\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"65\\u00b0F / 18\\u00b0C\"\n },\n \"value\": \"65\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"72\\u00b0F / 22\\u00b0C\"\n },\n \"value\": \"72\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"75\\u00b0F / 24\\u00b0C\"\n },\n \"value\": \"75\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"78\\u00b0F / 26\\u00b0C\"\n },\n \"value\": \"78\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n \"action_id\": \"temperature\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc5 Schedule Management\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"reminder_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"What do you want to be reminded about?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udf21\\ufe0f Temperature*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60\\u00b0F / 15\\u00b0C\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"65\\u00b0F / 18\\u00b0C\"\n },\n \"value\": \"65\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"72\\u00b0F / 22\\u00b0C\"\n },\n \"value\": \"72\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"75\\u00b0F / 24\\u00b0C\"\n },\n \"value\": \"75\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"78\\u00b0F / 26\\u00b0C\"\n },\n \"value\": \"78\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n \"action_id\": \"temperature\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Flights booked\"\n },\n \"value\": \"flights\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe8 Hotel reserved\"\n },\n \"value\": \"hotel\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude97 Car rental\"\n },\n \"value\": \"car\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfab Activities planned\"\n },\n \"value\": \"activities\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udee1\\ufe0f Travel insurance\"\n },\n \"value\": \"insurance\"\n }\n ],\n \"action_id\": \"booking_status\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udf21\\ufe0f Temperature*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60\\u00b0F / 15\\u00b0C\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"65\\u00b0F / 18\\u00b0C\"\n },\n \"value\": \"65\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"72\\u00b0F / 22\\u00b0C\"\n },\n \"value\": \"72\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"75\\u00b0F / 24\\u00b0C\"\n },\n \"value\": \"75\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"78\\u00b0F / 26\\u00b0C\"\n },\n \"value\": \"78\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n \"action_id\": \"temperature\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Event Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Birthday\"\n },\n \"value\": \"birthday\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc8d Wedding\"\n },\n \"value\": \"wedding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf93 Graduation\"\n },\n \"value\": \"graduation\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe2 Corporate Event\"\n },\n \"value\": \"corporate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Party\"\n },\n \"value\": \"party\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Conference\"\n },\n \"value\": \"conference\"\n }\n ],\n \"action_id\": \"event_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget per Person*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$3,000\"\n },\n \"value\": \"comfortable\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$3,000+\"\n },\n \"value\": \"luxury\"\n }\n ],\n \"action_id\": \"budget_pp\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Select/change seats\"\n },\n \"value\": \"seats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add baggage\"\n },\n \"value\": \"baggage\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n }\n ],\n \"action_id\": \"preflight_tasks\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Select/change seats\"\n },\n \"value\": \"seats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add baggage\"\n },\n \"value\": \"baggage\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n }\n ],\n \"action_id\": \"preflight_tasks\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$5,000\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$5,000+\"\n },\n \"value\": \"premium\"\n }\n ],\n \"action_id\": \"budget\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2709\\ufe0f Compose Email\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude87 *Transit*\\n_Subway & bus_\"\n },\n \"value\": \"transit\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb6 *Walk*\\n_Pedestrian route_\"\n },\n \"value\": \"walk\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb4 *Bike*\\n_Bike-friendly_\"\n },\n \"value\": \"bike\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n \"action_id\": \"transport_method\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Cuisine Type*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All cuisines\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Italian\"\n },\n \"value\": \"italian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chinese\"\n },\n \"value\": \"chinese\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Mexican\"\n },\n \"value\": \"mexican\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Japanese\"\n },\n \"value\": \"japanese\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Indian\"\n },\n \"value\": \"indian\"\n }\n ],\n \"action_id\": \"cuisine_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Invite Guests*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select guests\"\n },\n \"action_id\": \"guest_list\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"url_text_input\",\n \"action_id\": \"content_url\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Paste article URL or upload document\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Content Source\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Share updates with:*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select people (optional)\"\n },\n \"action_id\": \"share_with\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"reminder_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"What do you want to be reminded about?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Departure updates\"\n },\n \"value\": \"departure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Baggage claim info\"\n },\n \"value\": \"baggage\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delays/Cancellations\"\n },\n \"value\": \"delays\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n }\n ],\n \"action_id\": \"notifications\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget per Person*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$3,000\"\n },\n \"value\": \"comfortable\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$3,000+\"\n },\n \"value\": \"luxury\"\n }\n ],\n \"action_id\": \"budget_pp\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Play music\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcca Track calories\"\n },\n \"value\": \"calories\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2764\\ufe0f Monitor heart rate\"\n },\n \"value\": \"heartrate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f1\\ufe0f Interval timer\"\n },\n \"value\": \"timer\"\n }\n ],\n \"action_id\": \"workout_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show declined events\"\n },\n \"value\": \"declined\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show tentative events\"\n },\n \"value\": \"tentative\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Show weekends\"\n },\n \"value\": \"weekends\"\n }\n ],\n \"action_id\": \"display_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select your dining preferences:*\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saved restaurants\"\n },\n \"value\": \"saved\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Group order\"\n },\n \"value\": \"group\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Schedule order\"\n },\n \"value\": \"schedule\"\n }\n ],\n \"action_id\": \"more_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Event Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Birthday\"\n },\n \"value\": \"birthday\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc8d Wedding\"\n },\n \"value\": \"wedding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf93 Graduation\"\n },\n \"value\": \"graduation\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe2 Corporate Event\"\n },\n \"value\": \"corporate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Party\"\n },\n \"value\": \"party\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Conference\"\n },\n \"value\": \"conference\"\n }\n ],\n \"action_id\": \"event_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-18\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select a date\"\n },\n \"action_id\": \"datepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Scenes & Routines*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2600\\ufe0f Good Morning\"\n },\n \"value\": \"morning\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf05 Good Evening\"\n },\n \"value\": \"evening\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf19 Good Night\"\n },\n \"value\": \"night\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfac Movie Time\"\n },\n \"value\": \"movie\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Away Mode\"\n },\n \"value\": \"away\"\n }\n ],\n \"action_id\": \"scene_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Compare prices\"\n },\n \"value\": \"compare\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price alerts\"\n },\n \"value\": \"alerts\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View wishlist\"\n },\n \"value\": \"wishlist\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share list\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"shopping_actions\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udf21\\ufe0f Temperature*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60\\u00b0F / 15\\u00b0C\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"65\\u00b0F / 18\\u00b0C\"\n },\n \"value\": \"65\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"72\\u00b0F / 22\\u00b0C\"\n },\n \"value\": \"72\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"75\\u00b0F / 24\\u00b0C\"\n },\n \"value\": \"75\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"78\\u00b0F / 26\\u00b0C\"\n },\n \"value\": \"78\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n \"action_id\": \"temperature\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Compare prices\"\n },\n \"value\": \"compare\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price alerts\"\n },\n \"value\": \"alerts\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View wishlist\"\n },\n \"value\": \"wishlist\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share list\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"shopping_actions\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfea Store Selection*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All stores\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Amazon\"\n },\n \"value\": \"amazon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Walmart\"\n },\n \"value\": \"walmart\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Target\"\n },\n \"value\": \"target\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Buy\"\n },\n \"value\": \"bestbuy\"\n }\n ],\n \"action_id\": \"store_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Compare prices\"\n },\n \"value\": \"compare\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price alerts\"\n },\n \"value\": \"alerts\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View wishlist\"\n },\n \"value\": \"wishlist\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share list\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"shopping_actions\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select your dining preferences:*\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"url_text_input\",\n \"action_id\": \"content_url\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Paste article URL or upload document\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Content Source\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Invite Guests*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select guests\"\n },\n \"action_id\": \"guest_list\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Party Size*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Number of guests\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 guest\"\n },\n \"value\": \"1\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 guests\"\n },\n \"value\": \"2\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"3 guests\"\n },\n \"value\": \"3\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"4 guests\"\n },\n \"value\": \"4\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"5+ guests\"\n },\n \"value\": \"5+\"\n }\n ],\n \"action_id\": \"party_size\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select range\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tomorrow\"\n },\n \"value\": \"tomorrow\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"This Week\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Next Week\"\n },\n \"value\": \"next_week\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n \"action_id\": \"date_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-16\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"reminder_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-18\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"flight_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"reminder_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"What do you want to be reminded about?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Trip Itinerary\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udf21\\ufe0f Temperature*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60\\u00b0F / 15\\u00b0C\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"65\\u00b0F / 18\\u00b0C\"\n },\n \"value\": \"65\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"72\\u00b0F / 22\\u00b0C\"\n },\n \"value\": \"72\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"75\\u00b0F / 24\\u00b0C\"\n },\n \"value\": \"75\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"78\\u00b0F / 26\\u00b0C\"\n },\n \"value\": \"78\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n \"action_id\": \"temperature\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"rich_text_input\",\n \"action_id\": \"email_body\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Write your email here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Message\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select your dining preferences:*\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travelers*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add travelers\"\n },\n \"action_id\": \"travelers\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Compare prices\"\n },\n \"value\": \"compare\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price alerts\"\n },\n \"value\": \"alerts\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View wishlist\"\n },\n \"value\": \"wishlist\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share list\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"shopping_actions\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"subject\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Email subject\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Subject\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Trip Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfd6\\ufe0f Leisure/Vacation\"\n },\n \"value\": \"leisure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcbc Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf92 Adventure\"\n },\n \"value\": \"adventure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc68\\u200d\\ud83d\\udc69\\u200d\\ud83d\\udc67\\u200d\\ud83d\\udc66 Family\"\n },\n \"value\": \"family\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc91 Romantic\"\n },\n \"value\": \"romantic\"\n }\n ],\n \"action_id\": \"trip_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When to leave for airport*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Calculate time\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"International (3 hrs before)\"\n },\n \"value\": \"3h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic w/ TSA Pre (1.5 hrs)\"\n },\n \"value\": \"1.5h\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Domestic (2 hrs before)\"\n },\n \"value\": \"2h\"\n },\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Filter Events*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All event types\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Meetings\"\n },\n \"value\": \"meetings\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tasks\"\n },\n \"value\": \"tasks\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminders\"\n },\n \"value\": \"reminders\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Personal\"\n },\n \"value\": \"personal\"\n }\n ],\n \"action_id\": \"event_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Event Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Birthday\"\n },\n \"value\": \"birthday\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udc8d Wedding\"\n },\n \"value\": \"wedding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf93 Graduation\"\n },\n \"value\": \"graduation\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe2 Corporate Event\"\n },\n \"value\": \"corporate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Party\"\n },\n \"value\": \"party\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaa Conference\"\n },\n \"value\": \"conference\"\n }\n ],\n \"action_id\": \"event_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude87 *Transit*\\n_Subway & bus_\"\n },\n \"value\": \"transit\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb6 *Walk*\\n_Pedestrian route_\"\n },\n \"value\": \"walk\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb4 *Bike*\\n_Bike-friendly_\"\n },\n \"value\": \"bike\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n \"action_id\": \"transport_method\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Email reminder\"\n },\n \"value\": \"email\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"SMS alert\"\n },\n \"value\": \"sms\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n }\n ],\n \"action_id\": \"notification_channels\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Summary Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose summary type\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Executive Summary\"\n },\n \"value\": \"executive\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Abstract\"\n },\n \"value\": \"abstract\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One Paragraph\"\n },\n \"value\": \"paragraph\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n \"action_id\": \"summary_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Time*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"value\": \"now\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 15 min\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 30 min\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 1 hour\"\n },\n \"value\": \"60\"\n }\n ],\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Details*\\nAA 2847 | Boston \\u2192 Miami | Today at 6:15 AM\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"return_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Budget per Person*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $500\"\n },\n \"value\": \"budget\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$500-$1,500\"\n },\n \"value\": \"moderate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$1,500-$3,000\"\n },\n \"value\": \"comfortable\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$3,000+\"\n },\n \"value\": \"luxury\"\n }\n ],\n \"action_id\": \"budget_pp\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Request read receipt\"\n },\n \"value\": \"read_receipt\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save to sent folder\"\n },\n \"value\": \"save_sent\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Encrypt message\"\n },\n \"value\": \"encrypt\"\n }\n ],\n \"action_id\": \"email_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"timepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"rich_text_input\",\n \"action_id\": \"email_body\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Write your email here...\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Message\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"url_text_input\",\n \"action_id\": \"content_url\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Paste article URL or upload document\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Content Source\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort By*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recommended\"\n },\n \"value\": \"recommended\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Fastest Delivery\"\n },\n \"value\": \"fastest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Rating\"\n },\n \"value\": \"rating\"\n }\n ],\n \"action_id\": \"sort_by\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2709\\ufe0f Compose Email\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Delivery Address*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select address\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Office - 456 Business Ave\"\n },\n \"value\": \"office\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add new address...\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n \"action_id\": \"delivery_address\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Flights booked\"\n },\n \"value\": \"flights\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe8 Hotel reserved\"\n },\n \"value\": \"hotel\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude97 Car rental\"\n },\n \"value\": \"car\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfab Activities planned\"\n },\n \"value\": \"activities\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udee1\\ufe0f Travel insurance\"\n },\n \"value\": \"insurance\"\n }\n ],\n \"action_id\": \"booking_status\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude87 *Transit*\\n_Subway & bus_\"\n },\n \"value\": \"transit\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb6 *Walk*\\n_Pedestrian route_\"\n },\n \"value\": \"walk\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb4 *Bike*\\n_Bike-friendly_\"\n },\n \"value\": \"bike\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n \"action_id\": \"transport_method\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"subject\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Email subject\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Subject\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-08-08\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select a date\"\n },\n \"action_id\": \"datepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Two-week Europe trip this summer! create a travel itinerary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"return_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Sort Results*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: Low to High\"\n },\n \"value\": \"price_asc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price: High to Low\"\n },\n \"value\": \"price_desc\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Customer Rating\"\n },\n \"value\": \"rating\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Newest First\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Match\"\n },\n \"value\": \"relevance\"\n },\n \"action_id\": \"sort_order\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date & Time*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"event_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One way\"\n },\n \"value\": \"oneway\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Multi-city\"\n },\n \"value\": \"multi\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Round trip\"\n },\n \"value\": \"round\"\n },\n \"action_id\": \"trip_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"flight_number\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., AA123, DL456\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Flight Number\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select participants*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add team members\"\n },\n \"action_id\": \"participants\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Time*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"value\": \"now\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 15 min\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 30 min\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 1 hour\"\n },\n \"value\": \"60\"\n }\n ],\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf55 Order Food\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcc4 Summarize Content\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Class*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select class\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Premium Economy\"\n },\n \"value\": \"premium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Business\"\n },\n \"value\": \"business\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"First\"\n },\n \"value\": \"first\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Economy\"\n },\n \"value\": \"economy\"\n },\n \"action_id\": \"cabin_class\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"return_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Week View\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Month View\"\n },\n \"value\": \"month\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n \"action_id\": \"view_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfea Store Selection*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All stores\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Amazon\"\n },\n \"value\": \"amazon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Walmart\"\n },\n \"value\": \"walmart\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Target\"\n },\n \"value\": \"target\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Buy\"\n },\n \"value\": \"bestbuy\"\n }\n ],\n \"action_id\": \"store_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seat\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Aisle seat\"\n },\n \"value\": \"aisle\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Exit row\"\n },\n \"value\": \"exit\"\n }\n ],\n \"action_id\": \"seat_preference\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"reminder_text\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"What do you want to be reminded about?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcde Schedule Conference Call\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Repeat*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Don't repeat\"\n },\n \"value\": \"none\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Daily\"\n },\n \"value\": \"daily\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekdays\"\n },\n \"value\": \"weekdays\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weekly\"\n },\n \"value\": \"weekly\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monthly\"\n },\n \"value\": \"monthly\"\n }\n ],\n \"action_id\": \"repeat_option\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udf21\\ufe0f Temperature*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60\\u00b0F / 15\\u00b0C\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"65\\u00b0F / 18\\u00b0C\"\n },\n \"value\": \"65\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"72\\u00b0F / 22\\u00b0C\"\n },\n \"value\": \"72\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"75\\u00b0F / 24\\u00b0C\"\n },\n \"value\": \"75\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"78\\u00b0F / 26\\u00b0C\"\n },\n \"value\": \"78\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"70\\u00b0F / 21\\u00b0C\"\n },\n \"value\": \"70\"\n },\n \"action_id\": \"temperature\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeeb Departure Checklist\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Price Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any price\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Under $25\"\n },\n \"value\": \"0-25\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$25-$50\"\n },\n \"value\": \"25-50\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$50-$100\"\n },\n \"value\": \"50-100\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"$100-$200\"\n },\n \"value\": \"100-200\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Over $200\"\n },\n \"value\": \"200+\"\n }\n ],\n \"action_id\": \"price_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Flights booked\"\n },\n \"value\": \"flights\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe8 Hotel reserved\"\n },\n \"value\": \"hotel\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude97 Car rental\"\n },\n \"value\": \"car\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfab Activities planned\"\n },\n \"value\": \"activities\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udee1\\ufe0f Travel insurance\"\n },\n \"value\": \"insurance\"\n }\n ],\n \"action_id\": \"booking_status\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Email reminder\"\n },\n \"value\": \"email\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"SMS alert\"\n },\n \"value\": \"sms\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Push notification\"\n },\n \"value\": \"push\"\n }\n ],\n \"action_id\": \"notification_channels\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"multiline\": true,\n \"action_id\": \"special_requests\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Any dietary restrictions, allergies, or special occasions?\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Special Requests\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Brief (2-3 sentences)\"\n },\n \"value\": \"brief\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Standard (1-2 paragraphs)\"\n },\n \"value\": \"standard\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Detailed (3-5 paragraphs)\"\n },\n \"value\": \"detailed\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Standard (1-2 paragraphs)\"\n },\n \"value\": \"standard\"\n },\n \"action_id\": \"length_option\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: The designs are ready for review. let's set up a meeting."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seat\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Aisle seat\"\n },\n \"value\": \"aisle\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Exit row\"\n },\n \"value\": \"exit\"\n }\n ],\n \"action_id\": \"seat_preference\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"venue\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter venue or address\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Venue/Location\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Play music\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcca Track calories\"\n },\n \"value\": \"calories\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2764\\ufe0f Monitor heart rate\"\n },\n \"value\": \"heartrate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f1\\ufe0f Interval timer\"\n },\n \"value\": \"timer\"\n }\n ],\n \"action_id\": \"workout_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Compare prices\"\n },\n \"value\": \"compare\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Price alerts\"\n },\n \"value\": \"alerts\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View wishlist\"\n },\n \"value\": \"wishlist\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share list\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"shopping_actions\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*When*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-18\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"reminder_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Expected Guests*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"10-25 people\"\n },\n \"value\": \"small\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"25-50 people\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"50-100 people\"\n },\n \"value\": \"large\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"100+ people\"\n },\n \"value\": \"xlarge\"\n }\n ],\n \"action_id\": \"guest_count\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uded2 Smart Shopping List\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcde Schedule Conference Call\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Book flights for the business trip to NYC."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Departure updates\"\n },\n \"value\": \"departure\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Baggage claim info\"\n },\n \"value\": \"baggage\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delays/Cancellations\"\n },\n \"value\": \"delays\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gate changes\"\n },\n \"value\": \"gate\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arrival updates\"\n },\n \"value\": \"arrival\"\n }\n ],\n \"action_id\": \"notifications\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Conference in Austin next month. let me search for flights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n },\n \"value\": \"weather\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Local tips\"\n },\n \"value\": \"tips\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share itinerary\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"trip_tools\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:30\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"timepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Direct flights only\"\n },\n \"value\": \"direct\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Include nearby airports\"\n },\n \"value\": \"nearby\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Flexible dates (\\u00b13 days)\"\n },\n \"value\": \"flexible\"\n }\n ],\n \"action_id\": \"flight_preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Book Restaurant Reservation\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Record meeting\"\n },\n \"value\": \"record\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Send calendar invite\"\n },\n \"value\": \"calendar\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Generate meeting notes doc\"\n },\n \"value\": \"notes\"\n }\n ],\n \"action_id\": \"meeting_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uded2 Smart Shopping List\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f0 Create Reminder\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Delivery Address*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select address\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Office - 456 Business Ave\"\n },\n \"value\": \"office\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add new address...\"\n },\n \"value\": \"new\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Home - 123 Main St\"\n },\n \"value\": \"home\"\n },\n \"action_id\": \"delivery_address\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"departure_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Departure Time*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave now\"\n },\n \"value\": \"now\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 15 min\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 30 min\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Leave in 1 hour\"\n },\n \"value\": \"60\"\n }\n ],\n \"action_id\": \"departure_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:30\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"timepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Flights booked\"\n },\n \"value\": \"flights\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe8 Hotel reserved\"\n },\n \"value\": \"hotel\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude97 Car rental\"\n },\n \"value\": \"car\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfab Activities planned\"\n },\n \"value\": \"activities\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udee1\\ufe0f Travel insurance\"\n },\n \"value\": \"insurance\"\n }\n ],\n \"action_id\": \"booking_status\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Room Selection*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose room\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udecb\\ufe0f Living Room\"\n },\n \"value\": \"living\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udecf\\ufe0f Bedroom\"\n },\n \"value\": \"bedroom\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf73 Kitchen\"\n },\n \"value\": \"kitchen\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udebf Bathroom\"\n },\n \"value\": \"bathroom\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe1 All Rooms\"\n },\n \"value\": \"all\"\n }\n ],\n \"action_id\": \"room_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Travel Dates*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Start date\"\n },\n \"action_id\": \"start_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf55 Order Food\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: I need an exercise routine for marathon training."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-08-02\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"flight_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n This friday: 2025-07-18T11:20:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Share updates with:*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select people (optional)\"\n },\n \"action_id\": \"share_with\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"url_text_input\",\n \"action_id\": \"content_url\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Paste article URL or upload document\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Content Source\"\n },\n \"optional\": true\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe0 Smart Home Control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Select/change seats\"\n },\n \"value\": \"seats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Add baggage\"\n },\n \"value\": \"baggage\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Online check-in complete\"\n },\n \"value\": \"checkin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2713 Boarding pass downloaded\"\n },\n \"value\": \"boarding\"\n }\n ],\n \"action_id\": \"preflight_tasks\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n This friday: 2025-07-18T09:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select workout\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfc3 Cardio\"\n },\n \"value\": \"cardio\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfcb\\ufe0f Strength Training\"\n },\n \"value\": \"strength\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83e\\uddd8 Yoga/Flexibility\"\n },\n \"value\": \"yoga\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeb4 Cycling\"\n },\n \"value\": \"cycling\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfca Swimming\"\n },\n \"value\": \"swimming\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26bd Sports\"\n },\n \"value\": \"sports\"\n }\n ],\n \"action_id\": \"workout_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n This friday: 2025-07-25T10:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfea Store Selection*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All stores\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Amazon\"\n },\n \"value\": \"amazon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Walmart\"\n },\n \"value\": \"walmart\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Target\"\n },\n \"value\": \"target\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Buy\"\n },\n \"value\": \"bestbuy\"\n }\n ],\n \"action_id\": \"store_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Room Selection*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose room\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udecb\\ufe0f Living Room\"\n },\n \"value\": \"living\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udecf\\ufe0f Bedroom\"\n },\n \"value\": \"bedroom\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf73 Kitchen\"\n },\n \"value\": \"kitchen\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udebf Bathroom\"\n },\n \"value\": \"bathroom\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe1 All Rooms\"\n },\n \"value\": \"all\"\n }\n ],\n \"action_id\": \"room_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seat\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Aisle seat\"\n },\n \"value\": \"aisle\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Exit row\"\n },\n \"value\": \"exit\"\n }\n ],\n \"action_id\": \"seat_preference\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n Tomorrow: 2025-07-16T16:45:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Summary Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose summary type\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Executive Summary\"\n },\n \"value\": \"executive\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Abstract\"\n },\n \"value\": \"abstract\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One Paragraph\"\n },\n \"value\": \"paragraph\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n \"action_id\": \"summary_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Expected Guests*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"10-25 people\"\n },\n \"value\": \"small\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"25-50 people\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"50-100 people\"\n },\n \"value\": \"large\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"100+ people\"\n },\n \"value\": \"xlarge\"\n }\n ],\n \"action_id\": \"guest_count\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:00\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Flights booked\"\n },\n \"value\": \"flights\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe8 Hotel reserved\"\n },\n \"value\": \"hotel\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude97 Car rental\"\n },\n \"value\": \"car\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfab Activities planned\"\n },\n \"value\": \"activities\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udee1\\ufe0f Travel insurance\"\n },\n \"value\": \"insurance\"\n }\n ],\n \"action_id\": \"booking_status\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: I need to get to the airport, show me the best route."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Time*\"\n },\n \"accessory\": {\n \"type\": \"timepicker\",\n \"initial_time\": \"19:30\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select time\"\n },\n \"action_id\": \"reminder_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid tolls\"\n },\n \"value\": \"no_tolls\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid highways\"\n },\n \"value\": \"no_highways\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Avoid ferries\"\n },\n \"value\": \"no_ferries\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"accessible\"\n }\n ],\n \"action_id\": \"route_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2709\\ufe0f Compose Email\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Free delivery\"\n },\n \"value\": \"free_delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"New restaurants\"\n },\n \"value\": \"new\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Offers available\"\n },\n \"value\": \"offers\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"initial_options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Open now\"\n },\n \"value\": \"open\"\n }\n ],\n \"action_id\": \"filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Team lunch for the new hires. we should order from somewhere good."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"event_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Sarah's Birthday Party\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Event Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Share updates with:*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select people (optional)\"\n },\n \"action_id\": \"share_with\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Need to discuss Q4 roadmap with the product team. can we schedule a call?"}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"call_title\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"E.g., Quarterly Review Meeting\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Meeting Title\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select range\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tomorrow\"\n },\n \"value\": \"tomorrow\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"This Week\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Next Week\"\n },\n \"value\": \"next_week\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n \"action_id\": \"date_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2744\\ufe0f Cool\"\n },\n \"value\": \"cool\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd25 Heat\"\n },\n \"value\": \"heat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf00 Fan\"\n },\n \"value\": \"fan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd04 Auto\"\n },\n \"value\": \"auto\"\n },\n \"action_id\": \"hvac_mode\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n Tomorrow: 2025-07-29T09:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"trip_name\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"e.g., Summer Vacation to Paris\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Trip Name\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfe0 Smart Home Control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n This friday: 2025-07-18T14:00:00\n\nUser: Heading to bed soon. adjust my smart home to turn off lights."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Flight Details*\\nAA 2847 | Boston \\u2192 Miami | Today at 6:15 AM\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Send an email to the stakeholders about the launch."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select recipients\"\n },\n \"action_id\": \"recipients\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"To\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"ID/Passport ready\"\n },\n \"value\": \"id\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Travel insurance docs\"\n },\n \"value\": \"insurance\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"COVID vaccination card\"\n },\n \"value\": \"covid\"\n }\n ],\n \"action_id\": \"documents\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select participants*\"\n },\n \"accessory\": {\n \"type\": \"multi_users_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Add team members\"\n },\n \"action_id\": \"participants\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Let's book somewhere nice for the team dinner on Friday."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfea Store Selection*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All stores\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Amazon\"\n },\n \"value\": \"amazon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Walmart\"\n },\n \"value\": \"walmart\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Target\"\n },\n \"value\": \"target\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Buy\"\n },\n \"value\": \"bestbuy\"\n }\n ],\n \"action_id\": \"store_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n This friday: 2025-07-18T10:30:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date Range*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select range\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tomorrow\"\n },\n \"value\": \"tomorrow\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"This Week\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Next Week\"\n },\n \"value\": \"next_week\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Today\"\n },\n \"value\": \"today\"\n },\n \"action_id\": \"date_range\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: I keep forgetting my expense reports. set a reminder for Friday afternoons."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Window seating preferred\"\n },\n \"value\": \"window\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"High chair needed\"\n },\n \"value\": \"highchair\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wheelchair accessible\"\n },\n \"value\": \"wheelchair\"\n }\n ],\n \"action_id\": \"preferences\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Week View\"\n },\n \"value\": \"week\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Month View\"\n },\n \"value\": \"month\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Day View\"\n },\n \"value\": \"day\"\n },\n \"action_id\": \"view_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Heading to the new office at 123 Market St. I need directions from my apartment."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Company holiday party in December! help me plan this event."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-25\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select a date\"\n },\n \"action_id\": \"datepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfea Store Selection*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All stores\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Amazon\"\n },\n \"value\": \"amazon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Walmart\"\n },\n \"value\": \"walmart\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Target\"\n },\n \"value\": \"target\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Best Buy\"\n },\n \"value\": \"bestbuy\"\n }\n ],\n \"action_id\": \"store_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Return Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select date\"\n },\n \"action_id\": \"return_date\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Working late and getting hungry. let's order food to the office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-25\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select a date\"\n },\n \"action_id\": \"datepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: I need to send the Q3 report to the board. I'll send an email with the summary."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uded2 Smart Shopping List\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Dentist appointment next week. remind me the day before."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf7d\\ufe0f Catering needed\"\n },\n \"value\": \"catering\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfb5 Music/DJ\"\n },\n \"value\": \"music\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf8 Photographer\"\n },\n \"value\": \"photo\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfa8 Decorations\"\n },\n \"value\": \"decor\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udf82 Cake/Desserts\"\n },\n \"value\": \"cake\"\n }\n ],\n \"action_id\": \"services_needed\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*\\ud83c\\udfac Entertainment*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u25b6\\ufe0f Play\"\n },\n \"value\": \"play\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f8\\ufe0f Pause\"\n },\n \"value\": \"pause\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u23f9\\ufe0f Stop\"\n },\n \"value\": \"stop\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd0a Volume up\"\n },\n \"value\": \"vol_up\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd09 Volume down\"\n },\n \"value\": \"vol_down\"\n }\n ],\n \"action_id\": \"media_control\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Workout Schedule*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select days\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Monday\"\n },\n \"value\": \"mon\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tuesday\"\n },\n \"value\": \"tue\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Wednesday\"\n },\n \"value\": \"wed\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Thursday\"\n },\n \"value\": \"thu\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Friday\"\n },\n \"value\": \"fri\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Saturday\"\n },\n \"value\": \"sat\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Sunday\"\n },\n \"value\": \"sun\"\n }\n ],\n \"action_id\": \"schedule_days\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"start_location\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Current location or address\"\n },\n \"initial_value\": \"Current Location\"\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Starting Point\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Order lunch for the team, something with vegetarian options."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Summary Type*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose summary type\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Executive Summary\"\n },\n \"value\": \"executive\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Abstract\"\n },\n \"value\": \"abstract\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"One Paragraph\"\n },\n \"value\": \"paragraph\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key Points\"\n },\n \"value\": \"bullets\"\n },\n \"action_id\": \"summary_type\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n This friday: 2025-07-25T08:45:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"60 minutes\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"90+ minutes\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Filter Events*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"All event types\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Meetings\"\n },\n \"value\": \"meetings\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Tasks\"\n },\n \"value\": \"tasks\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Reminders\"\n },\n \"value\": \"reminders\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Personal\"\n },\n \"value\": \"personal\"\n }\n ],\n \"action_id\": \"event_filter\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n This friday: 2025-07-25T13:15:00\n\nUser: Following up on the proposal. let me draft an email to procurement."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Trip Itinerary\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T10:30:00\n Tomorrow: 2025-07-16T10:30:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"subject\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Email subject\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Subject\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n Tomorrow: 2025-08-02T11:00:00\n\nUser: The client meeting went great. I'll reserve a spot for dinner to celebrate."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Main arguments\"\n },\n \"value\": \"arguments\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Key statistics\"\n },\n \"value\": \"stats\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Action items\"\n },\n \"value\": \"actions\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Conclusions\"\n },\n \"value\": \"conclusions\"\n }\n ],\n \"action_id\": \"focus_areas\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Don't let me forget about the standup meeting tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T16:45:00\n This friday: 2025-07-18T16:45:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Restaurant*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Choose a restaurant\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Le Bernardin - French Seafood\"\n },\n \"value\": \"le_bernardin\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Eleven Madison Park - Contemporary\"\n },\n \"value\": \"eleven_madison\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gramercy Tavern - American\"\n },\n \"value\": \"gramercy\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Blue Hill - Farm-to-Table\"\n },\n \"value\": \"blue_hill\"\n }\n ],\n \"action_id\": \"restaurant_select\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-15T14:00:00\n Tomorrow: 2025-07-16T14:00:00\n\nUser: Hey team! Let's celebrate closing the deal. we should book a table What do you think?"}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Select your dining preferences:*\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Mom's flying in tomorrow. track the flight so I know when to pick her up."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u26a1 Prime eligible\"\n },\n \"value\": \"prime\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83c\\udfaf On sale\"\n },\n \"value\": \"sale\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2b50 4+ stars\"\n },\n \"value\": \"rated\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\ude9a Free shipping\"\n },\n \"value\": \"free_ship\"\n }\n ],\n \"action_id\": \"shopping_filters\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Pickup\"\n },\n \"value\": \"pickup\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Dine-in\"\n },\n \"value\": \"dinein\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Delivery\"\n },\n \"value\": \"delivery\"\n },\n \"action_id\": \"order_type\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Track my partner's flight arriving this evening."}, {"role": "assistant", "content": "{\n \"type\": \"input\",\n \"element\": {\n \"type\": \"plain_text_input\",\n \"action_id\": \"destination\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Enter destination\"\n }\n },\n \"label\": {\n \"type\": \"plain_text\",\n \"text\": \"Destination\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Want to get back in shape. create a workout plan for beginners."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Save as favorite\"\n },\n \"value\": \"save_favorite\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share location\"\n },\n \"value\": \"share\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Recent searches\"\n },\n \"value\": \"recent\"\n }\n ],\n \"action_id\": \"overflow-action\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T09:00:00\n Tomorrow: 2025-07-17T09:00:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegetarian\"\n },\n \"value\": \"vegetarian\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Vegan\"\n },\n \"value\": \"vegan\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Gluten-free\"\n },\n \"value\": \"gluten_free\"\n }\n ],\n \"action_id\": \"dietary\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T13:15:00\n Tomorrow: 2025-07-19T13:15:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"checkboxes\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udd12 Lock doors\"\n },\n \"value\": \"lock\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udea8 Arm security\"\n },\n \"value\": \"security\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcf9 Check cameras\"\n },\n \"value\": \"cameras\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeaa Garage door\"\n },\n \"value\": \"garage\"\n }\n ],\n \"action_id\": \"security_options\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-18T08:45:00\n Tomorrow: 2025-07-19T08:45:00\n\nUser: Show me my pre-flight checklist for tomorrow."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Target Muscle Groups*\"\n },\n \"accessory\": {\n \"type\": \"multi_static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select areas\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Arms\"\n },\n \"value\": \"arms\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Chest\"\n },\n \"value\": \"chest\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Back\"\n },\n \"value\": \"back\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Core\"\n },\n \"value\": \"core\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Legs\"\n },\n \"value\": \"legs\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Full Body\"\n },\n \"value\": \"fullbody\"\n }\n ],\n \"action_id\": \"muscle_groups\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Help me shop for a new monitor for the home office."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Date*\"\n },\n \"accessory\": {\n \"type\": \"datepicker\",\n \"initial_date\": \"2025-07-23\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select a date\"\n },\n \"action_id\": \"datepicker-action\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-21T10:00:00\n Tomorrow: 2025-07-22T10:00:00\n\nUser: Check my calendar for next week's availability."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Flight to Boston early tomorrow. show my departure checklist."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udeec Track Flight Arrival\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Sarah's birthday is coming up! let's make a reservation. She loves Italian food."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Export calendar\"\n },\n \"value\": \"export\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Print schedule\"\n },\n \"value\": \"print\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Share calendar\"\n },\n \"value\": \"share\"\n }\n ],\n \"action_id\": \"schedule_menu\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n Tomorrow: 2025-07-17T15:30:00\n\nUser: Organize my trip itinerary for the Tokyo visit."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Duration*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"Select duration\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"15 minutes\"\n },\n \"value\": \"15\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"45 minutes\"\n },\n \"value\": \"45\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1.5 hours\"\n },\n \"value\": \"90\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"duration\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-28T09:30:00\n This friday: 2025-08-01T09:30:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\uddfa\\ufe0f Get Directions\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-16T15:30:00\n This friday: 2025-07-18T15:30:00\n\nUser: Planning to visit family in Seattle. I need to book a flight."}, {"role": "assistant", "content": "{\n \"type\": \"section\",\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"*Alert me*\"\n },\n \"accessory\": {\n \"type\": \"static_select\",\n \"placeholder\": {\n \"type\": \"plain_text\",\n \"text\": \"When to notify\"\n },\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"1 hour before\"\n },\n \"value\": \"60\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"2 hours before\"\n },\n \"value\": \"120\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"On landing\"\n },\n \"value\": \"0\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"30 minutes before\"\n },\n \"value\": \"30\"\n },\n \"action_id\": \"alert_time\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: We should schedule a video call to discuss the roadmap."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude87 *Transit*\\n_Subway & bus_\"\n },\n \"value\": \"transit\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb6 *Walk*\\n_Pedestrian route_\"\n },\n \"value\": \"walk\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udeb4 *Bike*\\n_Bike-friendly_\"\n },\n \"value\": \"bike\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\ude97 *Drive*\\n_Fastest route_\"\n },\n \"value\": \"drive\"\n },\n \"action_id\": \"transport_method\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-17T11:20:00\n Tomorrow: 2025-07-18T11:20:00\n\nUser: Control the house temperature, it's too warm."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\u2708\\ufe0f Trip Itinerary\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n This friday: 2025-07-25T14:30:00\n\nUser: Need a new laptop for work. help me find products and compare prices."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"radio_buttons\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe2 *Low* - Simple notification\"\n },\n \"value\": \"low\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udd34 *High* - Persistent alert\"\n },\n \"value\": \"high\"\n }\n ],\n \"initial_option\": {\n \"text\": {\n \"type\": \"mrkdwn\",\n \"text\": \"\\ud83d\\udfe1 *Medium* - Sound alert\"\n },\n \"value\": \"medium\"\n },\n \"action_id\": \"priority_level\"\n }\n ]\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-07-22T14:30:00\n Tomorrow: 2025-07-23T14:30:00\n\nUser: Can you summarize this document for me? It's too long."}, {"role": "assistant", "content": "{\n \"type\": \"header\",\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"\\ud83d\\udcaa Workout Planner\"\n }\n}"}]}
{"conversations": [{"role": "system", "content": "Generate Block Kit JSON."}, {"role": "user", "content": "Context:\n Current time: 2025-08-01T11:00:00\n This friday: 2025-08-08T11:00:00\n\nUser: Plan the product launch party for next month."}, {"role": "assistant", "content": "{\n \"type\": \"actions\",\n \"elements\": [\n {\n \"type\": \"overflow\",\n \"options\": [\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"View packing list\"\n },\n \"value\": \"packing\"\n },\n {\n \"text\": {\n \"type\": \"plain_text\",\n \"text\": \"Weather forecast\"\n
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment