From 627404e27131ac31a409f0c8c0da77bb9f3721c9 Mon Sep 17 00:00:00 2001 From: Sagar Sumant Date: Fri, 6 Dec 2024 18:25:22 -0800 Subject: [PATCH 1/4] Add Text-Generation MaaP FineTuning sample --- ..._generation_with_model_as_a_platform.ipynb | 540 ++++++++++++++++++ .../text-generation/train.jsonl | 333 +++++++++++ .../text-generation/validation.jsonl | 97 ++++ 3 files changed, 970 insertions(+) create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text_generation_with_model_as_a_platform.ipynb create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/train.jsonl create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/validation.jsonl diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text_generation_with_model_as_a_platform.ipynb b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text_generation_with_model_as_a_platform.ipynb new file mode 100644 index 0000000000..7f570b3edf --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text_generation_with_model_as_a_platform.ipynb @@ -0,0 +1,540 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## FineTuning LLM with Model-As-Platform - TextGeneration\n", + "\n", + "This sample shows how use create a standalone FineTuning job to fine tune a model to summarize the input text provided in the training data.\n", + "\n", + "#### Training data\n", + "We use the [samsum]((https://huggingface.co/datasets/samsum)) dataset. For simplicity we preprocessed the data and have only fraction of the data put here along with the notebook. The dataset, suitable for:\n", + "* Supervised fine-tuning (sft).\n", + "* Generation ranking (gen).\n", + "\n", + "Note that sample data is only useful for demo purposes. Also terms 'text-generation/text-completion' are used interchangebly and mean same task of finetuning.\n", + "\n", + "#### Model\n", + "We will use the Meta-Llama-3-8B model to show how user can finetune a model for Text-Generation task. If you opened this notebook from a specific model card, remember to replace the specific model name. \n", + "\n", + "#### Outline\n", + "1. Setup pre-requisites\n", + "2. Pick a model to fine-tune.\n", + "3. Create training and validation datasets.\n", + "4. Configure the fine tuning job.\n", + "5. Submit the fine tuning job.\n", + "6. Deploy the fine tuned model for real time inference." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 1. Setup pre-requisites\n", + "* Install dependencies\n", + "* Connect to AzureML Workspace. Learn more at [set up SDK authentication](https://learn.microsoft.com/en-us/azure/machine-learning/how-to-setup-authentication?tabs=sdk). Replace ``, `` and `` below.\n", + "* Connect to `azureml` system registry\n", + "* Set an optional experiment name" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Install dependencies by running below cell. This is not an optional step if running in a new environment.**" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "%pip install https://finetuningsdkteststorage.blob.core.windows.net/finetuning-private-sdk/azure_ai_ml-1.23.0-py3-none-any.whl\n", + "%pip install azure-identity\n", + "\n", + "%pip install mlflow\n", + "%pip install azureml-mlflow" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create AzureML Workspace connections" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "from azure.ai.ml import MLClient\n", + "from azure.identity import (\n", + " DefaultAzureCredential,\n", + " InteractiveBrowserCredential,\n", + ")\n", + "\n", + "try:\n", + " credential = DefaultAzureCredential()\n", + " credential.get_token(\"https://management.azure.com/.default\")\n", + "except Exception as ex:\n", + " credential = InteractiveBrowserCredential()\n", + "\n", + "try:\n", + " workspace_ml_client = MLClient.from_config(credential=credential)\n", + "except:\n", + " workspace_ml_client = MLClient(\n", + " credential,\n", + " subscription_id=\"\",\n", + " resource_group_name=\"\",\n", + " workspace_name=\"\",\n", + " )\n", + "\n", + "# the models, fine tuning pipelines and environments are available in various AzureML system registries,\n", + "# Example: Phi family of models are in \"azureml\", Llama family of models are in \"azureml-meta\" registry.\n", + "registry_ml_client = MLClient(credential, registry_name=\"azureml-meta\")\n", + "\n", + "# Get AzureML workspace object.\n", + "workspace = workspace_ml_client._workspaces.get(workspace_ml_client.workspace_name)\n", + "workspace.id" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 2. Pick a foundation model to fine tune\n", + "\n", + "`Meta-Llama-3-8B` is a 3.8B parameters, lightweight, state-of-the-art open model built by `Meta`. The model belongs to the Meta model family. You can browse these models in the Model Catalog in the Azure AI Studio, filtering by the `text-completion` task.\n", + "\n", + "Note the model id property of the model. This will be passed as input to the fine tuning job. This is also available as the `Asset ID` field in model details page in Azure AI Studio Model Catalog." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "model_name = \"Meta-Llama-3-8B\"\n", + "foundation_model = registry_ml_client.models.get(model_name, label=\"latest\")\n", + "print(\n", + " \"\\n\\nUsing model name: {0}, version: {1}, id: {2} for fine tuning\".format(\n", + " foundation_model.name, foundation_model.version, foundation_model.id\n", + " )\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Use either compute cluster or provide instance type which is compatible with below list" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "foundation_model.properties[\"finetune-recommended-sku\"]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 3. Sample data\n", + "\n", + "The text-generation dataset is stored in this format" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + " {\n", + " \"text\": \"Summarize the dialog.\\n: Amanda: I baked cookies. Do you want some?\\r\\nJerry: Sure!\\r\\nAmanda: I'll bring you tomorrow :-)\\n: \",\n", + " \"ground_truth\":\"Amanda baked cookies and will bring Jerry some tomorrow.\",\n", + " }" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Create data inputs" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from azure.ai.ml.constants._common import AssetTypes\n", + "from azure.ai.ml.entities import Data\n", + "\n", + "dataset_version = \"1\"\n", + "train_dataset_name = \"text_generation_train_small\"\n", + "try:\n", + " train_data_asset = workspace_ml_client.data.get(\n", + " train_dataset_name, version=dataset_version\n", + " )\n", + " print(f\"Dataset {train_dataset_name} already exists\")\n", + "except:\n", + " print(\"creating dataset\")\n", + " train_data = Data(\n", + " path=f\"./train.jsonl\",\n", + " type=AssetTypes.URI_FILE,\n", + " description=\"Training dataset\",\n", + " name=train_dataset_name,\n", + " version=\"1\",\n", + " )\n", + " train_data_asset = workspace_ml_client.data.create_or_update(train_data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "train_data_asset.id" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from azure.ai.ml.entities import Data\n", + "\n", + "dataset_version = \"1\"\n", + "validation_dataset_name = f\"text_generation_validation_small\"\n", + "try:\n", + " validation_data_asset = workspace_ml_client.data.get(\n", + " validation_dataset_name, version=dataset_version\n", + " )\n", + " print(f\"Dataset {validation_dataset_name} already exists\")\n", + "except:\n", + " print(\"creating dataset\")\n", + " validation_data = Data(\n", + " path=f\"./validation.jsonl\",\n", + " type=AssetTypes.URI_FILE,\n", + " description=\"Validation dataset\",\n", + " name=validation_dataset_name,\n", + " version=\"1\",\n", + " )\n", + " validation_data_asset = workspace_ml_client.data.create_or_update(validation_data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "validation_data_asset.id" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 3. Submit the fine tuning job using the the model and data as inputs\n", + " \n", + "Create FineTuning job using all the data that we have so far." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Define finetune parameters\n", + "\n", + "##### There are following set of parameters that are required.\n", + "\n", + "1. `model` - Base model to finetune.\n", + "2. `training_data` - Training data for finetuning the base model.\n", + "3. `validation_data` - Validation data for finetuning the base model.\n", + "4. `task` - FineTuning task to perform. eg. TEXT_COMPLETION for text-generation/text-generation finetuning jobs.\n", + "5. `outputs`- Output registered model name.\n", + "\n", + "##### Following parameters are optional:\n", + "\n", + "1. `hyperparameters` - Parameters that control the FineTuning behavior at runtime.\n", + "2. `name`- FineTuning job name\n", + "3. `experiment_name` - Experiment name for FineTuning job.\n", + "4. `display_name` - FineTuning job display name." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from azure.ai.ml.finetuning import FineTuningTaskType, create_finetuning_job\n", + "import uuid\n", + "\n", + "guid = uuid.uuid4()\n", + "short_guid = str(guid)[:8]\n", + "display_name = f\"{model_name}-display-name-{short_guid}-from-sdk\"\n", + "name = f\"{model_name}-{short_guid}-from-sdk\"\n", + "output_model_name_prefix = f\"{model_name}-{short_guid}-from-sdk-finetuned\"\n", + "experiment_name = f\"{model_name}-from-sdk\"\n", + "compute = \"nc96-lowpri-eastus\"\n", + "\n", + "finetuning_job = create_finetuning_job(\n", + " task=FineTuningTaskType.TEXT_COMPLETION,\n", + " training_data=train_data_asset.id,\n", + " validation_data=validation_data_asset.id,\n", + " hyperparameters={\n", + " \"per_device_train_batch_size\": \"1\",\n", + " \"learning_rate\": \"0.00002\",\n", + " \"num_train_epochs\": \"1\",\n", + " },\n", + " model=foundation_model.id,\n", + " display_name=display_name,\n", + " name=name,\n", + " experiment_name=experiment_name,\n", + " # compute=compute,\n", + " instance_types=[\"Standard_ND96amsr_A100_v4\", \"Standard_E4s_v3\"],\n", + " tags={\"foo_tag\": \"bar\"},\n", + " properties={\"my_property\": \"my_value\"},\n", + " output_model_name_prefix=output_model_name_prefix,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "created_job = workspace_ml_client.jobs.create_or_update(finetuning_job)\n", + "workspace_ml_client.jobs.get(created_job.name)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Wait for the above job to complete successfully" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "status = workspace_ml_client.jobs.get(created_job.name).status\n", + "\n", + "import time\n", + "\n", + "while True:\n", + " status = workspace_ml_client.jobs.get(created_job.name).status\n", + " print(f\"Current job status: {status}\")\n", + " if status in [\"Failed\", \"Completed\", \"Canceled\"]:\n", + " print(\"Job has finished with status: {0}\".format(status))\n", + " break\n", + " else:\n", + " print(\"Job is still running. Checking again in 30 seconds.\")\n", + " time.sleep(30)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "if status in [\"Failed\", \"Canceled\"]:\n", + " print(\"Job did not finish successfully. So no model to deploy. JobStatus: {0}\".format(status))\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "registered_model_output = created_job.outputs[\"registered_model\"]\n", + "registered_model_output" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "registered_model = workspace_ml_client.models.get(name=registered_model_output.name, version=\"1\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "registered_model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 4. Deploy the fine tuned model to an online endpoint" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "tags": [] + }, + "source": [ + "#### Create OnlineEndpoint" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import time, sys\n", + "from azure.ai.ml.entities import (\n", + " ManagedOnlineEndpoint,\n", + " ManagedOnlineDeployment,\n", + " ProbeSettings,\n", + " OnlineRequestSettings,\n", + ")\n", + "\n", + "online_endpoint_name = f\"{model_name}-\" + short_guid\n", + "# create an online endpoint\n", + "endpoint = ManagedOnlineEndpoint(\n", + " name=online_endpoint_name,\n", + " description=\"Online endpoint for \"\n", + " + registered_model_output.name\n", + " + \", fine tuned model for samsum textgen\",\n", + " auth_mode=\"key\",\n", + ")\n", + "workspace_ml_client.begin_create_or_update(endpoint).wait()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Create a deployment" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### You can find the SKUS supported by the model for deployment with below command. You can choose one of the sku for deployment." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "foundation_model.properties[\"inference-recommended-sku\"]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "demo_deployment = ManagedOnlineDeployment(\n", + " name=\"demo\",\n", + " endpoint_name=online_endpoint_name,\n", + " model=registered_model.id,\n", + " instance_type=\"Standard_NC24ads_A100_v4\",\n", + " instance_count=1,\n", + " liveness_probe=ProbeSettings(initial_delay=600),\n", + " request_settings=OnlineRequestSettings(request_timeout_ms=90000),\n", + ")\n", + "workspace_ml_client.online_deployments.begin_create_or_update(demo_deployment).wait()\n", + "endpoint.traffic = {\"demo\": 100}\n", + "workspace_ml_client.begin_create_or_update(endpoint).result()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import requests\n", + "\n", + "url = f\"{endpoint.scoring_uri}/v1/completions\"\n", + "\n", + "payload = {\n", + " \"max_tokens\": 512,\n", + " \"temperature\": 0,\n", + " \"model\" : \"llama-2\",\n", + " \"prompt\" : \"The Seattle Seahawks\"\n", + "}\n", + "headers = {\"Content-Type\": \"application/json\", \"Authorization\": f\"{auth_key}\"}\n", + "\n", + "response = requests.post(url, json=payload, headers=headers)\n", + "\n", + "response.json()" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3.10 - SDK v2", + "language": "python", + "name": "python310-sdkv2" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.14" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/train.jsonl b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/train.jsonl new file mode 100644 index 0000000000..d68d9ab825 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/train.jsonl @@ -0,0 +1,333 @@ +{"text":"Summarize the dialog.\n: Amanda: I baked cookies. Do you want some?\r\nJerry: Sure!\r\nAmanda: I'll bring you tomorrow :-)\n: ","ground_truth":"Amanda baked cookies and will bring Jerry some tomorrow."} +{"text":"Summarize the dialog.\n: Olivia: Who are you voting for in this election? \r\nOliver: Liberals as always.\r\nOlivia: Me too!!\r\nOliver: Great\n: ","ground_truth":"Olivia and Olivier are voting for liberals in this election. "} +{"text":"Summarize the dialog.\n: Tim: Hi, what's up?\r\nKim: Bad mood tbh, I was going to do lots of stuff but ended up procrastinating\r\nTim: What did you plan on doing?\r\nKim: Oh you know, uni stuff and unfucking my room\r\nKim: Maybe tomorrow I'll move my ass and do everything\r\nKim: We were going to defrost a fridge so instead of shopping I'll eat some defrosted veggies\r\nTim: For doing stuff I recommend Pomodoro technique where u use breaks for doing chores\r\nTim: It really helps\r\nKim: thanks, maybe I'll do that\r\nTim: I also like using post-its in kaban style\n: ","ground_truth":"Kim may try the pomodoro technique recommended by Tim to get more stuff done."} +{"text":"Summarize the dialog.\n: Edward: Rachel, I think I'm in ove with Bella..\r\nrachel: Dont say anything else..\r\nEdward: What do you mean??\r\nrachel: Open your fu**ing door.. I'm outside\n: ","ground_truth":"Edward thinks he is in love with Bella. Rachel wants Edward to open his door. Rachel is outside. "} +{"text":"Summarize the dialog.\n: Sam: hey overheard rick say something\r\nSam: i don't know what to do :-\/\r\nNaomi: what did he say??\r\nSam: he was talking on the phone with someone\r\nSam: i don't know who\r\nSam: and he was telling them that he wasn't very happy here\r\nNaomi: damn!!!\r\nSam: he was saying he doesn't like being my roommate\r\nNaomi: wow, how do you feel about it?\r\nSam: i thought i was a good rommate\r\nSam: and that we have a nice place\r\nNaomi: that's true man!!!\r\nNaomi: i used to love living with you before i moved in with me boyfriend\r\nNaomi: i don't know why he's saying that\r\nSam: what should i do???\r\nNaomi: honestly if it's bothering you that much you should talk to him\r\nNaomi: see what's going on\r\nSam: i don't want to get in any kind of confrontation though\r\nSam: maybe i'll just let it go\r\nSam: and see how it goes in the future\r\nNaomi: it's your choice sam\r\nNaomi: if i were you i would just talk to him and clear the air\n: ","ground_truth":"Sam is confused, because he overheard Rick complaining about him as a roommate. Naomi thinks Sam should talk to Rick. Sam is not sure what to do."} +{"text":"Summarize the dialog.\n: Neville: Hi there, does anyone remember what date I got married on?\r\nDon: Are you serious?\r\nNeville: Dead serious. We're on vacation, and Tina's mad at me about something. I have a strange suspicion that this might have something to do with our wedding anniversary, but I have nowhere to check.\r\nWyatt: Hang on, I'll ask my wife.\r\nDon: Haha, someone's in a lot of trouble :D\r\nWyatt: September 17. I hope you remember the year ;)\n: ","ground_truth":"Wyatt reminds Neville his wedding anniversary is on the 17th of September. Neville's wife is upset and it might be because Neville forgot about their anniversary."} +{"text":"Summarize the dialog.\n: John: Ave. Was there any homework for tomorrow?\r\nCassandra: hello :D Of course, as always :D\r\nJohn: What exactly?\r\nCassandra: I'm not sure so I'll check it for you in 20minutes. \r\nJohn: Cool, thanks. Sorry I couldn't be there, but I was busy as fuck...my stupid boss as always was trying to piss me off\r\nCassandra: No problem, what did he do this time?\r\nJohn: Nothing special, just the same as always, treating us like children, commanding to do this and that...\r\nCassandra: sorry to hear that. but why don't you just go to your chief and tell him everything?\r\nJohn: I would, but I don't have any support from others, they are like goddamn pupets and pretend that everything's fine...I'm not gonna fix everything for everyone\r\nCassandra: I understand...Nevertheless, just try to ignore him. I know it might sound ridiculous as fuck, but sometimes there's nothing more you can do.\r\nJohn: yeah I know...maybe some beer this week?\r\nCassandra: Sure, but I got some time after classes only...this week is gonna be busy\r\nJohn: no problem, I can drive you home and we can go to some bar or whatever.\r\nCassandra: cool. ok, I got this homework. it's page 15 ex. 2 and 3, I also asked the others to study another chapter, especially the vocabulary from the very first pages. Just read it.\r\nJohn: gosh...I don't know if I'm smart enough to do it :'D\r\nCassandra: you are, don't worry :P Just circle all the words you don't know and we'll continue on Monday.\r\nJohn: ok...then I'll try my best :D\r\nCassandra: sure, if you will have any questions just either text or call me and I'll help you.\r\nJohn: I hope I won't have to waste your time xD\r\nCassandra: you're not wasting my time, I'm your teacher, I'm here to help. This is what I get money for, also :P\r\nJohn: just kidding :D ok, so i guess we'll stay in touch then\r\nCassandra: sure, have a nice evening :D\r\nJohn: you too, se ya\r\nCassandra: Byeeeee\n: ","ground_truth":"John didn't show up for class due to some work issues with his boss. Cassandra, his teacher told him which exercises to do, and which chapter to study. They are going to meet up for a beer sometime this week after class. "} +{"text":"Summarize the dialog.\n: Sarah: I found a song on youtube and I think you'll like it\r\nJames: What song?\r\nSarah: \r\nJames: Oh. I know it! \r\nJames: I heard it before in some compilation\r\nSarah: I can't stop playing it over and over\r\nJames: That's exactly how I know lyrics to all of the songs on my playlist :D\r\nSarah: Haha. No lyrics here though. Instrumental ;D\r\nJames: Instrumental songs are different kind of music. \r\nJames: But you have to remember that the activity you do when you listen to this song\r\nJames: Is the actvity your brain will connect to the song\r\nJames: And everytime you play this song at home\r\nJames: You'll be thinking of your work\r\nSarah: Yeah, I know that. That's why we sometimes say - I used to like that song, but now it just reminds me of bad memories\r\nJames: Yup. Everytime you change your partner, you have to get rid of your favorite music :D\r\nSarah: Hahaha. True, true.\n: ","ground_truth":"Sarah sends James an instrumental song he might like. James knows the song. The brain connects the songs to the context they were played in and brings to mind the associated memories."} +{"text":"Summarize the dialog.\n: Noah: When and where are we meeting? :)\r\nMadison: I thought you were busy...?\r\nNoah: Yeah, I WAS. I quit my job. \r\nMadison: No way! :o :o :o Why? I thought you liked it...?\r\nNoah: Well, I used to, until my boss turned into a complete cock... Long story.\n: ","ground_truth":"Noah wants to meet, he quit his job, because his boss was a dick."} +{"text":"Summarize the dialog.\n: Matt: Do you want to go for date?\r\nAgnes: Wow! You caught me out with this question Matt.\r\nMatt: Why?\r\nAgnes: I simply didn't expect this from you.\r\nMatt: Well, expect the unexpected.\r\nAgnes: Can I think about it?\r\nMatt: What is there to think about?\r\nAgnes: Well, I don't really know you.\r\nMatt: This is the perfect time to get to know eachother\r\nAgnes: Well that's true.\r\nMatt: So let's go to the Georgian restaurant in Kazimierz.\r\nAgnes: Now your convincing me.\r\nMatt: Cool, saturday at 6pm?\r\nAgnes: That's fine.\r\nMatt: I can pick you up on the way to the restaurant.\r\nAgnes: That's really kind of you.\r\nMatt: No problem.\r\nAgnes: See you on saturday.\r\nMatt: Yes, looking forward to it.\r\nAgnes: Me too.\n: ","ground_truth":"Matt invites Agnes for a date to get to know each other better. They'll go to the Georgian restaurant in Kazimierz on Saturday at 6 pm, and he'll pick her up on the way to the place."} +{"text":"Summarize the dialog.\n: Lucas: Hey! How was your day?\r\nDemi: Hey there! \r\nDemi: It was pretty fine, actually, thank you!\r\nDemi: I just got promoted! :D\r\nLucas: Whoa! Great news!\r\nLucas: Congratulations!\r\nLucas: Such a success has to be celebrated.\r\nDemi: I agree! :D\r\nDemi: Tonight at Death & Co.?\r\nLucas: Sure!\r\nLucas: See you there at 10pm?\r\nDemi: Yeah! See you there! :D\n: ","ground_truth":"Demi got promoted. She will celebrate that with Lucas at Death & Co at 10 pm."} +{"text":"Summarize the dialog.\n: Mark: I just shipped the goods\r\nMark: Tomorrow I\u2019ll send you the tracking number\r\nGeorge: Thanks!\n: ","ground_truth":"Mark just shipped the goods and he will send George the tracking number tomorrow."} +{"text":"Summarize the dialog.\n: Anita: I'm at the station in Bologna\nJenny: No problems so far?\nAnita: no, everything's going smoothly\nTomy: good!\n: ","ground_truth":"Anita is at Bologna station."} +{"text":"Summarize the dialog.\n: Leon: did you find the job yet?\r\nArthur: no bro, still unemployed :D\r\nLeon: hahaha, LIVING LIFE\r\nArthur: i love it, waking up at noon, watching sports - what else could a man want?\r\nLeon: a paycheck? ;)\r\nArthur: don't be mean... \r\nLeon: but seriously, my mate has an offer as a junior project manager at his company, are you interested?\r\nArthur: sure thing, do you have any details?\r\nLeon: \r\nArthur: that actually looks nice, should I reach out directly to your friend or just apply to this email address from the screenshot?\r\nLeon: it's his email, you can send your resume directly and I will mention to him who you are :)\n: ","ground_truth":"Arthur is still unemployed. Leon sends him a job offer for junior project manager position. Arthur is interested."} +{"text":"Summarize the dialog.\n: Macca: i'm so exited today\nAdrien: why?\nMacca: I've never done ice climbing before\nMark: Are you ready?\nMacca: think so\nTobias: where are you doing this?\nMacca: not far from Reykjavik\nMacca: Has anybody seriously injured themselves doing this?\nMark: not seriously\nAdrien: I didn't know you're in Iceland!\nMacca: hahaha, doesn't sound so good\nMark: no need to be afraid\nMacca: gosh, it was such a rush\nMark: did you enjoy it?\nMacca: every second\nMacca: it was not very cold\nMacca: the landscapes were magnificent\nMark: I'm glad to read that\nMacca: Challenge of the day done!\n: ","ground_truth":"Macca has done ice climbing for the first time today, close to Reykjavik. He enjoyed it very much."} +{"text":"Summarize the dialog.\n: Isabella: fuck my life, I'm so not able to get up to work today\r\nIsabella: I need to call in sick :(\r\nOscar: haha, well you certainly had a good time at the Christmas party yesterday XD\r\nIsabella: shut up, you're a traitor\r\nIsabella: I told you to guard my glass\r\nIsabella: and my sobriety. You clearly failed!\r\nOscar: but you were having such fun, I didn't have a heart to stop it\r\nOscar: \r\nOscar: \r\nIsabella: you're so dead! Is that Jimmy from marketing department?\r\nOscar: yes indeed, it's him :D\r\nIsabella: I am a fallen woman, I cannot get back to the office now\r\nIsabella: \r\nOscar: oh come on, almost everybody was drunk\r\nOscar: so they won't remember a thing :D\r\nIsabella: I assure you, they tend to remember such things\u2026\r\nOscar: \n: ","ground_truth":"Isabella feels bad after the Christmas party. She got drunk. She is ashamed to go back to work. "} +{"text":"Summarize the dialog.\n: Tina: I'd only like to remind you that you owe me 50 bucks\r\nLucy: Of course, I know.\r\nLucy: I've already transferred the money but it's Sunday today so you'll have it in your bank account tomorrow\r\nTina: That's good news cuz I've been having a lot of expenses lately\n: ","ground_truth":"Lucy owes Tina 50 dollars. She made a transfer but it is Sunday so the payment will be on Tina's account on Monday. Tina needs the money because she has been having expanses recently."} +{"text":"Summarize the dialog.\n: Betty: Please remind me next time that too much wine isn't good for me and me surrounding\r\nBetty: Hangover is one thing\r\nBetty: But I feel like never touching wine again\r\nAmber: Hahaha. You were so drunk with wine last night, you couldn't walk straight even 5 steps\r\nAmber: You took off your weeding ring and shouted \"My precious\"\r\nBetty: Uhh. I have no blackouts so I know exactly what to feel embarassed about....\n: ","ground_truth":"Betty feels remorse she got drunk last night and went out of control."} +{"text":"Summarize the dialog.\n: Mary: Hi Mike!\r\nMike: Hello :)\r\nMary: do u have any plans for tonight?\r\nMike: I'm going to visit my grandma.\r\nMike: You can go with me.\r\nMike: She likes u very much.\r\nMary: Good idea, i'll buy some chocolate for her.\n: ","ground_truth":"Mike and Mary are going to visit Mike's grandma tonight. Mary will buy her some chocolate."} +{"text":"Summarize the dialog.\n: Laura: ok , I'm done for today-)\r\nLaura: let me know once u're free and we come back home together\r\nKim: hmm.. 7?\r\nLaura: ok\r\nKim: cool, wait for me at work, I'll call once I get here\n: ","ground_truth":"Laura will pick up Kim from work around 7, and they will come back home together."} +{"text":"Summarize the dialog.\n: Ashley: Guys, you have to read this book! \r\nMarcus: Why, what's so special about it?\r\nErin: I think I've already heard about it from someone. Is it really that good?\r\nAshley: It's the best thing I've ever read! Completely life-changing! It's opened my eyes to a lot of things.\r\nSeamus: Sorry, but I don't like books that are written to change my life. I prefer books that are simply fun to read :P\r\nMarcus: I get what you mean. I feel like some authors are so concentrated on making their books full of wisdom that they completely forget that they should also be readable.\r\nErin: Do you mean Coelho? XD\r\nMarcus: No, while I'm not a fan of his, at least I've never fallen asleep while reading his books. I meant this one for example: \r\nAshley: Erm, I quite like his books.\r\nSeamus: Did they change your life too? :D\r\nAshley: Wait, I meant Coelho. I've never read the other guy.\r\nMarcus: Trust me, don't. There are lots of better ways of wasting your time.\r\nAshley: LOL, okay, I trust you. But the one I posted at the beginning is really good. It's not just some philosophical gibberish, it's actually a crime novel, so there's a lot of action too.\r\nErin: Does it have a cute detective? ;)\r\nAshley: Even two of them, actually. Believe me, you won't be able to decide which one to love more!\r\nErin: Okay, I'm already sold :D\n: ","ground_truth":"Erin is convinced by Ashley's book recommendations, while Seamus and Marcus aren't."} +{"text":"Summarize the dialog.\n: Aria: You won't believe who I've just met!\r\nAria: Charlie Evans!\r\nMaverick: Oh God, I haven't seen him from ages!\r\nMaverick: How is he doing?\r\nAria: He's doing great. :)\r\nAria: He got married, he runs a small family business, which he is very passionate about and generally he seems to be a happy and fulfilled man. :)\r\nAria: Oh, and he has two absolutely adorable daughters. :)\r\nAria: It was so nice to meet him, he's such a sweet soul.\r\nMaverick: I\u2019m glad to hear that. :)\r\nMaverick: Time flies so fast, doesn't it?\r\nAria: It does. :) Recently I\u2019ve met Cooper Roy, I'm sure you remember him, I constantly talked about him back then in high school, because I had a huge crush on him. He\u2019s changed a lot!\r\nAria: I barely recognized him!\r\nMaverick: I remember, how you and Kylie used to gossip about him all the time. :)\r\nAria: Well, we were madly in love with him.\r\nAria: Or at least we thought so. ;)\r\nMaverick: I sometimes miss those times.\r\nMaverick: Everything seemed to be easier, better and calmer back then.\r\nAria: The world wasn\u2019t as crazy as it is now.\r\nAria: I feel like politics got crazier, people - more radical and hostile and economics - less predictable...\r\nMaverick: Me too...:(\n: ","ground_truth":"Aria has just run into Charlie Evans. He is now married, with two daughters, and a family business. She has also met Cooper Roy from high school. She used to have a crush on him, now she almost didn't recognise him. Maverick and Aria miss the old times and think the world has changed for the worse."} +{"text":"Summarize the dialog.\n: Anna: where are you\r\nOmenah: at home \r\nAnna: I will be there in a minute \n: ","ground_truth":"Omenah is at home, Anna will be there in a minute."} +{"text":"Summarize the dialog.\n: Renee: Just saying Hi. Thought of you this morning.Layla misses you. She is having knee surgery. Hope you are doing well.\r\nRachel: Renee! Hey! Whoa! So crazy that you wrote. I was literally thinking of you the other day as well. \r\nRachel: I am doing really well, getting settled here and everything. Looking for a new job. \r\nRachel: Layla is getting knew surgery?! What happened?\r\nRenee: Her arthritis got really bad. I saw her limping every time we went out for a walk, and so I took her to the vet and they decided she needs surgery. \r\nRachel: Oh wow. That is really intense. I am sending her lots of love.\r\nRenee: Thanks Rachel. \r\nRenee: Here is a pic of Layla from this morning.\r\nRenee: \r\nRenee: She is all cute in her usual spot. \r\nRachel: Ha! Yeah, I remember, she would always try to fit in there even though she's obviously too big\r\nRachel: \ud83d\ude02\r\nRenee: Yeah, she's always getting into some sort of silly situations.\r\nRenee: What kind of work are you looking for?\r\nRachel: Just the usual, something with teaching. I am not too stressed yet, I have some savings.\r\nRenee: That's good, yeah, you don't want to have to feel pressured into taking a certain job. \r\nRenee: Just so you know, if you are ever back, you are more than welcome to come back and work for me. \r\nRenee: Layla is definitely missing you taking her on walks everyday. \r\nRachel: Aw, yeah, I miss you guys too. Of course :) If I am ever back I will let you know! \n: ","ground_truth":"Layla the dog misses Rachel. She is having a knee surgery, because of arthritis. Renee sends a picture of her dog. Rachel getting settled and she's looking for a job in teaching. "} +{"text":"Summarize the dialog.\n: Jonas: I\u2019m running 10 minutes late. Could you guys just let Mary know that I\u2019m coming and will present today before she starts?\r\nNatalie: Sure no problem\r\nOlivia: I\u2019ll save a seat for you \ud83d\ude0d\r\nJonas: Thanks so much. See you in a bit xx\n: ","ground_truth":"Jonas will be 10 minutes late. Natalie will let Mary know Jonas will present before she starts."} +{"text":"Summarize the dialog.\n: Julius: dude, your assessment of manutd\r\nLawrence: i have nothing to say, im so offended and hopeless of them this season\r\nJulius: me too\r\nLawrence: i dont even know whats wrong with the team\r\nJulius: the quality is there but nothing is happening\r\nLawrence: the players look tired of something\r\nJulius: with mourinhos conservative football!!\r\nLawrence: its so boring\r\nJulius: so lifeless\r\nLawrence: man!!\r\nJulius: it needs to change, hope the board sees it\r\nLawrence: sooner than later\r\nJulius: yeah\r\nLawrence: yeah\n: ","ground_truth":"Lawrence doesn't like the play of Manchester United. He and Julius complain about the team and Mourinho's style."} +{"text":"Summarize the dialog.\n: Jade: are you going to that trip\r\nWayne: was\r\nJade: what do you mean\r\nWayne: its portponed\r\nJade: are you kidding me XD\r\nWayne: im serious, why surprised\r\nJade: i had to go home and miss it xD\r\nWayne: oh, cool you can make it when we go\r\nJade: yea, yesss\r\nWayne: :D\n: ","ground_truth":"The trip Wayne was going to go on was postponed. Now Jade will be able to go to."} +{"text":"Summarize the dialog.\n: Natalie: are you still going to Thailand?\r\nJason: yeah, next week as planned\r\nJason: why?\r\nNatalie: could you buy me some spices?\r\nNatalie: I can't find anything similar here\r\nNatalie: and I really like those\r\nJason: sure, if you'll send me all the names\r\nJason: you know, I'm not very good when it comes to remembering those\r\nNatalie: of course, I will take pictures of the ones I have to make it easier\r\nJason: great and just to be sure remind me about that in two weeks or so\r\nJason: I might have other things on my mind and I tend to forget things easily :)\r\nNatalie: that shouldn't be a problem :)\n: ","ground_truth":"Jason is going to Thailand next week. Natalie will send him pictures of the spices she wants him to buy for her. Then she will remind him about it in two weeks."} +{"text":"Summarize the dialog.\n: Elisa: Who wants to come for drinks tonight at Mombasa?\r\nAlice: me!\r\nSadie: I'm in as well\r\nCarol: may I bring some people?\r\nElisa: sure, the more the better!\r\nCarol: amazing\r\nArthur: count me in! I'll come with Alice of course\r\nLiam: me too!\r\nKai: I will join you but after my courses, around 8\r\nElisa: No problem, we'll be there till midnight at least\r\nTom: i may come over :)\r\nElisa: Anybody else? I'd like to book the corner table\r\nTom: the big one?\r\nElisa: exactly\r\nJohn: So count me in as well\r\nElisa: Perfect, the table is for 15 people so we should manage! See you there\n: ","ground_truth":"Elisa, Sadie, Carol, Liam, Tom and John want to go for drinks tonight at Mombasa. Arthur will come with Alice. Kai will join them around 8. Elisa will book the big corner table for 15 people."} +{"text":"Summarize the dialog.\n: Hal: Have you got any homework for tomorrow?\r\nAmy: no dad\r\nHal: ru sure?\r\nAmy: told ya\r\nHal: You know mum's not home today.\r\nAmy: I know, I can use the microwave\r\nHal: good girl. I'll be home around 6\r\nAmy: yeah right\r\nHal: what do you mean\r\nAmy: sry dad but you're never ever home at 6\r\nHal: i suppose you;re right. but I'll try today\r\nAmy: ok. can I go to Alex?\r\nHal: ok, but be back home before 7. we'll have dinner together\r\nAmy: ok dad\r\nHal: and if you really have no homework to do\r\nAmy: sure thing dad\n: ","ground_truth":"Amy and Hal will have dinner together when he is back home before 7."} +{"text":"Summarize the dialog.\n: Ray: Hey guys, I don't know if you heard but someone stole my bike yesterday so I'm going to post it on fb and would appreciate if you share! THX\r\nSam: shit, man, sorry to hear, I will share for sure\r\nLuke: when was it, Ray? I had mine stolen last month around when I parked around on the 9th street\r\nRay: Mine was there too :( cops said it's a common area for it to happen but I still havent lost hope :(\r\nScott: Did they check the security cameras around the place? Maybe Mariott people saw someone?\r\nRay: Apparently they don't overlook that area... \r\nLuke: Yeah, cops were completely useless too, I ended up going to Mariott on my own and asking people but they didn't see anything. I emailed their manager if they could look at the tapes but because of privacy issues blah blah blah it was a no go... Good luck man!\r\nRay: I mean those guys are pros... I had high grade lock on mine and an app alert and it didn't do shit. Now I'm out few grand and pissed off\r\nScott: I would be too. Did you post posters in the area? it's a busy street so maybe someone saw something\r\nRay: Yeah, I'm getting around to it now and I really hope that smeone was sober enough to notice anything. I mean it's a custom bike so I hope if they try to get rid of it it will rise suspicion\r\nLuke: I think it might ve already been turned into parts and shipped off. Even if you wanted to keep it and painted it, you could still recognize it\r\nRay: I know, that's why I wanna reach as many people as posible,maybe they ll get spooked and leave it somewhere\r\nSam: Let us know if you need someone to go dumpster diving with \r\nRay: Heh, thx Sam! I appreciate all help\n: ","ground_truth":"Ray's bike was stolen from the 9th street yesterday even though it was secured. It was a custom bike so now Ray's out few grand. Ray wants to post posters in the area so they'll get scared and leave it somewhere. Luke had one stolen last month from the same area. Sam wants to help out."} +{"text":"Summarize the dialog.\n: Eric: Champions League is coming soon :D\r\nCurtis: Oh, yea I forgot about that.\r\nCurtis: when exactly?\r\nEric: 26th of June\r\nEric: but there is still a very long way.\r\nCurtis: any predictions?\r\nEric: It's too early for that.\r\nCurtis: True, last year you were betting a lot\r\nEric: I lost a lot :P \r\nEric: I'm gonna roar back this year :)\r\nCurtis: good luck, I'm not into risking money\r\nEric: You have 50% chance to win.\r\nCurtis: I'll pass anyway.\r\nEric: okay\n: ","ground_truth":"Eric wants to bet during the Champions League this year although he lost a lot of money last year. Curtis won't bet."} +{"text":"Summarize the dialog.\n: Gunther: did you pay for coffee?\r\nChandler: uhh.. i guess not xDbut it's okay i'll pay him tomorrow\r\nGunther: -_-\n: ","ground_truth":"Chandler will pay for his coffee tomorrow."} +{"text":"Summarize the dialog.\n: Karen: \r\nJennifer: OH. MY. GOD. is that you?? I would not recognize you haha\r\nKaren: of course it's me, i always look like that hahaha\r\nJennifer: oh god Karen you look so hot in this picture\r\nAbigail: i would not recognize you either :D why where you so dressed up?\r\nKaren: it was our 5th anniversary dinner\r\nAbigail: Mark is such a lucky guy\r\nMeggy: i agree with the girls, you look OUTSTANDING\r\nKaren: thank you sisters!!! :*** that's so sweet of you\r\nJennifer: where did you buy this dress? i need one like it too\r\nAbigail: i was gonna ask the same thing!\r\nMeggy: chill out girls, we can't all buy the same clothes, i need it more hahaha\r\nKaren: \r\nMeggy: first come, first serve!! I am ordering it\r\nKaren: give the rest a chance too haha\r\nJennifer: let her have it :P\n: ","ground_truth":"Karen looked very good on her 5th anniversary dinner with Mark. "} +{"text":"Summarize the dialog.\n: Ted: Any news about weekend?\r\nJake: About the reunion?\r\nPia: I am available! Did we talk where?\r\nJessica: If I move some things around, I can too!\r\nTed: Great! we should set the place then\r\nJake: Whoa! I didn't say I could\r\nTed: Can you?\r\nJake: Hell yeah man! You know I freelance, worst case scenario I'll work from wherever we are\r\nTed: Lucky bastard\r\nJessica: We should meet up where we did last time, it's perfect middle for everyone\r\nTed: I agree\r\nPia: Friday night then?\r\nJess: Sure\r\nTed: It's a date, I'll book rooms\r\nJake: See you soon my peeps!\n: ","ground_truth":"Ted, Jake, Pia, Jessica and Jess are having a reunion this Friday at the same place as the previous one."} +{"text":"Summarize the dialog.\n: Bradley: It's very safe. Not like they make it look on TV\r\nJulianna: Hehe I told them that also that tv will never show anything nice\r\nBradley: True...\r\nJulianna: But in general I think Europe is safer because here we have different law. I mean we have too much law\r\nBradley: Haha\r\nJulianna: E.g here if a teacher even touches a children's arm, he or she can have problems with police and law. Because it might be a sign of pedophilia or children sexual harassment\r\nBradley: Ok\r\nJulianna: That's sick a bit hehe but on the other hand sometimes it's ok\r\nBradley: Haha ok how ?\r\nJulianna: Because there are pedophiles in that world\r\nBradley: They are everywhere\r\nJulianna: And when someone hits a child that person should be punished\n: ","ground_truth":"Julianna tells Bradley about Europe's law and the approach towards pedophiles."} +{"text":"Summarize the dialog.\n: Lucia: I need my hair cut.\r\nLucia: When can I come? I've got some time on Thursday and Friday.\r\nEric: Lucia! My dear!\r\nEric: Are you sure? After all, you had your hairstyle done a week ago.\r\nEric: What's the matter? Don't you like it?\r\nLucia: I like it very much and I regret to lose it.\r\nLucia: But I'm changing the job and my hair must be shorter...\r\nEric: I see. You'll tell me everything in detail once you're here, in my beauty salon.\r\nEric: I suggest Friday at 3 p.m. Is it fine for you?\r\nLucia: Sure, perfect.\r\nEric: Fantastic, have a nice day then.\r\nLucia: Thanks, bye.\n: ","ground_truth":"Lucia needs a new hairstyle due to a change of work and she makes an appointment with Eric for Friday 3 p.m."} +{"text":"Summarize the dialog.\n: Gabriella: Hey Jasmine, how are you doing?\r\nJasmine: I\u2019m fine, thanks \ud83d\ude0a\r\nGabriella: Would you do me a favor?\r\nJasmine: No problem. How can I help?\r\nGabriella: I need to send my CV in English to a truly perfect job for me and I\u2019m wondering if you could take a look at it?\r\nJasmine: Sure! Send it to me \ud83d\ude0a\r\nGabriella: Done \ud83d\ude0a\r\nJasmine: Got it. Give me an hour and I\u2019ll check it \r\nGabriella: Perfect! Thank you soooo much!\r\nJasmine: I\u2019ve checked it. I must say that there wasn\u2019t much to correct. It was practically perfect. I just fixed a little bit grammar and a few spelling mistakes. \r\nGabriella: I know how great you are at spelling!\r\nJasmine: Thanks Gabriella. I hope that you will get that job!\r\nGabriella: I hope so, too.\r\nJasmine: I\u2019ll keep my fingers crossed \ud83d\ude0a\n: ","ground_truth":"Gabriella asked Jasmine to check her CV which is in English. She's applying for a perfect job. Jasmine checked it and did only minor corrections. She hopes Gabriella will get the job."} +{"text":"Summarize the dialog.\n: Grace: Hey lady\r\nGrace: Today I saw you in town.\r\nRuth: Really?\r\nRuth: Why didn't you stop me?\r\nGrace: You were in Galitos and I could not have stormed in just to greet you.\r\nRuth: Of course you would have.\r\nRuth: There is no harm in doing that.\r\nGrace: \ud83d\ude02\ud83d\ude02The embarrassment though.\r\nRuth: Furthermore I would have given you a piece of my pizza.\ud83d\ude02\r\nGrace: Pizza is bomb\ud83e\udd24\r\nGrace: Be sure next time i will not need any invitation\ud83d\ude02\r\nRuth: You are still welcome\ud83e\udd23\r\nGrace: Okay. BTW, do you think we can catch up some time?\r\nRuth: Yeah sure. Just say the day.\r\nGrace: Tomorrow?\r\nRuth: I'm in.\r\nGrace: Okay see you then\r\nRuth: Bye\n: ","ground_truth":"Grace saw Ruth in Galitos but she thought it would be embarassing to get in and greet her. They will meet tomorrow."} +{"text":"Summarize the dialog.\n: Kerri: Did you see the apartment?\nStella: yes brb\nKerri: ok\nStella: Sorry I was driving\nStella: I saw it yesterday but it was already dark so I want to go again to see it in the morning\nStella: First of all, its really big, 130 sqm\nKerri: WOW\nStella: I could split it into 2 apartments\nStella: 90 and 40 sqm more or less\nKerri: Or 80 and 50?\nStella: Not really, there's only one way to split it\nStella: So I could stay in the big one with 3 bedrooms and 2 bathrooms\nKerri: Sounds good\nStella: I want to see it in the morning\nStella: The agent said the bedrooms are very sunny in the morning\nStella: Maybe I'll go tomorrow\nKerri: Took some photos?\nStella: \nStella: \nStella: \nKerri: Nice!!!\nKerri: The kitchen looks fantastic\nKerri: Its huge\nStella: It's the size of my living room!\nStella: We obviously don't need 3 bedrooms\nStella: But I could have a decent home office at last\nKerri: Has Greg seen it?\nStella: No, he's away this week\n: ","ground_truth":"Stella wants to see the apartment in the morning. She plans to split it into 2 apartments."} +{"text":"Summarize the dialog.\n: Andrea: hey Babes, how's it going? I've got some job to do. 20 short texts for an online shop. 50% for correction. Deadline in two weeks. Will you help me?\nSondra: Hi, sorry I don't think Im gonna make it. It is hard these days.\nAndrea: ?\nSondra: My cat is dying and nanny's leaving... :\/\nAndrea: damn.. sorry to hear that. I f you could give me someone, maybe you know somebody suitable? I know aleady Jill can't do it :\/\nSondra: Jill is the best. Other people need assitance. Do you want these contacts?\nAndrea: not really...\nSondra: :)\nAndrea: If you found a window in a spacetime, please let me know. Ill get the texts on Friday.\nSondra: OK, but I dont think it will happen. The first window I see is probably in June.\nAndrea: I understand. I hope the kitty is going to make it, I keep my fingers crossed for him..\nSondra: In march Im gonna have as many as ONE free evening if everything goes well. Thanks he is still alive, maybe he is stronger than it looks now.\nAndrea: \n: ","ground_truth":"Andrea must correct 50% of 20 short texts for an online shop. She has a deadline in two weeks. Sondra cannot help Andrea, because her cat is dying and nanny's leaving. Jill also cannot help. Sondra will probably have only one free evening in March and more free time probably in June. "} +{"text":"Summarize the dialog.\n: Victor: do you want to go to the museum tonight?\r\nVictor: there's a great exhibition about cubism going on\r\nCharles: you know i hate museums! lol\r\nCharles: i'd rather watch paint dry hahaha\r\nVictor: i know you hate museums...\r\nVictor: BUT tonight special\r\nCharles: why?\r\nVictor: because tonight is opening night!!! :-D\r\nCharles: what makes it different?\r\nVictor: there's food, music, VIPs, everyone dresses up, it's just fun\r\nVictor: it's upscale fun :-D\r\nVictor: come on! be my plus 1!!!\r\nCharles: i guess if you're asking me that means tons of people have said no\r\nCharles: i'm sure i'm not at the top of your list lol\r\nCharles: am i right? lol\r\nVictor: hahaha you're right... \r\nVictor: but the only reason you were not at the top of my list is becase i know it's not your thing\r\nVictor: i promise you it'll be fun\r\nVictor: and if you don't like it we'll go to a sports bar afterwards and i'll treat you to all the beer you want\r\nCharles: hahaha, ok, that sweetens the pot\r\nCharles: i'll go with you\n: ","ground_truth":"Charles will go with Victor to the museum tonight. There is an opening of an exhibition about cubism. There'll be food, music and VIPs."} +{"text":"Summarize the dialog.\n: William: Hey. Today i saw you were arguing with Blackett.\r\nWilliam: Are you guys fine?\r\nElizabeth: Hi. Sorry you had to see us argue.\r\nElizabeth: It was just a small misunderstanding but we will solve it.\r\nWilliam: Hope so\r\nWilliam: You think I should to talk to him about it?\r\nElizabeth: No don't\r\nElizabeth: He won't like it that we talked after the argument.\r\nWilliam: Ok. But if you need any help, don't hesitate to call me\r\nElizabeth: Definitely\n: ","ground_truth":"Elizabeth had an argument with Blackett today, but she doesn't want William to intermeddle."} +{"text":"Summarize the dialog.\n: Henry: Hey Lily, tried to catch you on landline but no answer. Gone already? Let me know when we can talk.\r\nLily: Am driving to town.\r\nHenry: OK\r\nHenry: Before we talk: I bumped into William in the street yesterday and we ended up in a pub. Poor chappy! Really. He'll never recover from his loss. En passant I mentioned our trip to Riehen next week and had an impression he'd be happy to be taken along. What d'you think?\r\nHenry: I thought it doesn't matter that much to us and he's a nice chap, interesting to talk to, good company. And he seems sort of famished for company, old friends around him. You know what I mean.\r\nHenry: And that could be our good deed before Xmas! ;)\r\nLily: Traffic was soooooo slow but I couldn't really reply. In the lecture now.\r\nLily: I always liked William, have no problem with him joining us to Riehen. How do you imagine that?\r\nHenry: He'll come to FR, leave his car in my drive and in mine we'll pick you up.\r\nLily: Very good. A coffee at mine before we start?\r\nHenry: I thought maybe a meal together afterwards?\r\nLily: Even better. I like that! Haven't seen him for ages, so glad to meet him again.\r\nLily: Will you arrange it all?\r\nHenry: Sure. But get prepared: he has aged. Quite visible now.\r\nLily: But not mentally I hope?\r\nHenry: No, intellectually not at all. But there's this sadness around him. An air of depression.\r\nLily: We'll cheer him up. If only for a day. Have to finish now. Cheers!\n: ","ground_truth":"Henry and Lily take William with them to Riehen. They will meet with him for a coffee before they start, and eat a meal together afterwards."} +{"text":"Summarize the dialog.\n: Linda: I'm going to have my room painted\r\nLinda: Can't decide what colors would best express my personality\r\nLinda: I'm considering advices, do you have one for me maybe? :)\r\nBrian: Fitting your personality... hmm\r\nBrian: I consider you an enthusiastic and lively person and the color for it is yellow\r\nBrian: On the other hand you can be calm and steady and they say those qualities are expressed in greyness\r\nBrian: So yellow & grey, how do you like the idea? :D\r\nLinda: Wow, I'm impressed!\r\nLinda: You've just paid me a compliment and come up with interesting colors!\r\nBrian: Well, those are actually facts :)\r\nBrian: Are you going to make use of the colors?\r\nLinda: Actually, I was planning to ask a few friends and then sum all the ideas up\r\nLinda: But now I think I don't need to do any further research\r\nLinda: Asking you for help was a bull's-eye! :D\r\nBrian: Perfection! :D\r\nBrian: I'll come and check the results of your work soon, it'll be a nice chance for us to talk :)\r\nLinda: Sure, feel invited!\n: ","ground_truth":"According to Brian, colors that match Linda's personality are yellow and grey."} +{"text":"Summarize the dialog.\n: Juliette: So what? Tell me\r\nJimmy: One minute\r\nJuliette: What did the doctor say? \r\nJimmy: It's almost finished, wait a second\r\nJuliette: Is it so serious? Should I be afraid?\r\nJimmy: OK, just finished\r\nJuliette: So, tell me, I can't wait longer\r\nJimmy: Acute gastritis\r\nJuliette: What's that?\r\nJimmy: Acid attacks in the stomach\r\nJuliette: It's not a cancer?\r\nJimmy: No, it's not\r\nJuliette: Is this sure?\r\nJimmy: Yes, darling\r\nJuliette: You're not lying to me ?\r\nJimmy: No, darling, please believe me\r\nJuliette: And how can we cure this?\r\nJimmy: Just a few tablets for a month and that should be enough\r\nJuliette: I'm so glad it's not a cancer\r\nJimmy: :000\r\nJuliette: I love you\r\nJimmy: Me too\n: ","ground_truth":"Jimmy is going to take medication for a month to cure his acute gastritis."} +{"text":"Summarize the dialog.\n: Mary: Hi <3\r\nPeter: Hey gorgeous ;)\r\nMary: What's up\r\nPeter: Not much, jsut thinking about you \r\nMary: Aww I miss you so much :(\r\nPeter: I know baby but ill be back home in 2 days. The we can do whatever you want :*\r\nMary: Whatever I want, huh? 3:)\r\nPeter: ;)\r\nMary: I was actually hoping to cash in on that raincheck :) We haven't been on a date for quite a while... :\/\r\nPeter: I'ld like that :)\r\nMary: :)\n: ","ground_truth":"Peter will be back home in 2 days. Mary would like to go on a date when he gets back."} +{"text":"Summarize the dialog.\n: Francesca: It's 3 a.m. You're not asleep yet\r\nJacob: What a stalker ;-)\r\nFrancesca: :D \r\nFrancesca: I cannot sleep\r\nJacob: Me neither\r\nFrancesca: Why?\r\nJacob: I just can't. Thinking about stuff\r\nFrancesca: Me too\r\nFrancesca: Sometimes I wish I didn't think that much\r\nJacob: What were you thinking about?\r\nFrancesca: My mum, school, you...\r\nJacob: Me?\r\nFrancesca: I seen you've been sad recently \r\nJacob: Maybe you're right\r\nJacob: What about your mum?\r\nFrancesca: I cannot understand\r\nFrancesca: Why did she do it??\r\nFrancesca: Why would anyone want to kill themselves?\r\nJacob: I could understand...\r\nFrancesca: Are you serious? Do you have these thoughts?\r\nJacob: Sometimes\r\nFrancesca: Please don't... I beg you, don't do it...\n: ","ground_truth":"Neither Francesca nor Jacob can sleep. Jacob has suicidal thoughts. "} +{"text":"Summarize the dialog.\n: Ted: Feeling sorry for.. myself! \r\nKelly: What\u2019s happened? Are you ok?\r\nTed: I\u2019ve twisted my ankle \r\nMike: what have you done?\r\nVictoria: bless you! x\r\nOliver: too much to drink?\r\nRob: all the best!\r\nKelly: get well soon!\r\nMary: oh dear! xxx\r\nTed: cheers guys! \n: ","ground_truth":"Ted has twisted his ankle."} +{"text":"Summarize the dialog.\n: Chloe: Hey, you told me about this cream that you find really good\r\nJulie: Ehhm yea, GlamRock\r\nChloe: Where did you buy it?\r\nJulie: Online, there\u2019s a shop called a GlamShop\r\nChloe: Cool, thanks\r\nJulie: You said you\u2019re broke now and not going to buy anything\r\nChloe: I got money earlier than expected ^^\r\nJulie: Oh I get it. So will you give me back the money I borrowed you?\r\nChloe: Ah ofc, sending it right away\r\nJulie: Thanks, will help me a lot :)\r\nChloe: Sth wrong? O.o\r\nJulie: Noo haha but me and Jake, we want to get a dog and there\u2019s going to be a lot of costs, vet, vaccination, trying different types of food etc\r\nChloe: A dog, cool, which breed?\r\nJulie: We just want to take some poor animal from the shelter, so it\u2019s whatever. We want it to be big ;p\r\nChloe: That\u2019s so sweet of you! Yea you have a big house, you can have a big dog ^^\r\nJulie: Many kids would fit in as well, but my husband\u2019s not interested -_-\r\nChloe: Seriously O>O\r\nJulie: He keeps saying that we need to wait until we pay more of our debts and that sort og stuff\r\nChloe: Well, you never complain about money, youhave a big house, looks like you can afford kids!\r\nJulie: I thinks so too, but he doesn\u2019t agree ;\/\r\nChloe: Just stop taking pills, he\u2019ll have no choice ;)\r\nJulie: That would be cruel xD\n: ","ground_truth":"Julie recommends the GlamRock cream from the GlamShop. Chloe got the money early so she can pay back Julie. Julie and Jake are getting the dog so they need the money for extra dog-related expenses."} +{"text":"Summarize the dialog.\n: Pitt: Hey Teddy! Have you received my message?\r\nTeddy: No. An email?\r\nPitt: No. On the FB messenger.\r\nTeddy: Let me check.\r\nTeddy: Yeah. Ta!\n: ","ground_truth":"Teddy has a message from Pitt on Messenger."} +{"text":"Summarize the dialog.\n: Mary: Sorry, I didn't make it to your bday party :(\r\nNick: It's OK...\r\nMary: But I just got SOOO distracted! I forgot it was yesterday!\r\nNick: do tell!\r\nMary: I met this guy...\r\nNick: REALLY? I want details :D\r\nMary: Yeah, his name is Kirk and he's an architect...\r\nNick: OK, just your type then \r\nMary: And we ended up spending the whole week together. xD\r\nNick: A WEEK?\r\nMary: Yeah... It's madness, I'll tell you more this evening. Are we still on?\r\nNick: You bet we are!\n: ","ground_truth":"Mary didn't come to Nick's birthday party. She met an architect named Kirk. Mary and Nick will meet in the evening."} +{"text":"Summarize the dialog.\n: Connor: I'm too tired to come to the meeting I think\r\nJade: decided?\r\nIsaiah: I didn't even have intention to go there really\r\nConnor: Yes, I'm going to bed\n: ","ground_truth":"Connor will not attend the meeting, he has to rest. Isaiah never wanted to go."} +{"text":"Summarize the dialog.\n: Karen: Where'd you buy this dress you had at the wedding?\r\nSamara: Oh, from an online shop\r\nSamara: Hold on\r\nSamara: \r\nSamara: That's the one\r\nKaren: Wow thanks\r\nSamara: Youre welcome!\r\nKaren: Oooh, they have some neat stuff there\r\nSamara: Yeah, I was so happy when i disovered it\r\nSamara: There's few places where I shop regularly, most of the time I'm kind of all over the place\r\nKaren: Same here\r\nSamara: But I've already bought several skirts and blouses from this shop too, so I'll probably become a more frequent customer ;)\n: ","ground_truth":"Samara bought the dress she had at the wedding in an online shop and she was happy when she discovered it."} +{"text":"Summarize the dialog.\n: Gabi: What do you guys want for Christmas? Let's say up to $100.\r\nJack: I need to think about it...\r\nMary: I want cosmetics. I wouldn't say no to some good skin care.\r\nKate: I dream about a Kindle!!\r\nGabi: How about the rest?\r\nJack: How about yourself?\r\nGabi: I want a surprise gift. I think you all know me quite well. \r\nPeter: I need a set of drills. Later I'll pass you the Amazon link.\r\nJohn: I want new sneakers. Size 10.\r\nJack: It seems you all thought it through.\r\nJohn: We do it every year. I was thinking about my gift already in September :D\r\nJack: That's early! LOL\r\nJack: Until when should I let you know?\r\nGabi: In about a week we should all know so we have enough time for online orders etc.\n: ","ground_truth":"Mary, Kate, Peter and John want various items for Christmas. Gabi wants a surprise. Jack is unsure what he wants. Jack should let the rest know within a week. "} +{"text":"Summarize the dialog.\n: Daniel: Hi Jeff, I was just browsing thought your notes from yesterday and I have a couple of questions.\r\nJeff: Shoot :)\r\nDaniel: Was Mindy there?\r\nJeff: Yes, she was.\r\nDaniel: Could you please add her input on the first presentation? She must have said something since she's involved in phase one of the project\r\nJeff: Actually, she didn't react that much\r\nDaniel: like not at all?\r\nJeff: Wait a sec, let me double check\n: ","ground_truth":"Jeff will double check Mindy's reaction, connected to her involvement in phase one of the project."} +{"text":"Summarize the dialog.\n: Client: Good afternoon. I suggest you adjust the timetable to the reality on the Polish roads. P6 bus Radom - Warsaw, arriving from Cracow, 40 minutes delay.\r\nClient: And it was not the first time, there was one hour delay not so long ago...\r\nFlix: Hi Marta. We are very sorry that the bus arrived late, but they are operational delays which we have no control over. Apologies.\r\nClient: But this happens too often. Why don't you consider rearranging the timetable??\r\nClient: I was waiting at the station from 17.10, hoping to get the bus at 17.25. It arrived at 18.10. One hour waiting.\r\nClient: It hardly ever happens that the bus arrives on time. The timetable is too optimistic. I understand there are traffic jams but...\r\nFlix: Thank you for the information, we will inform our managers about it.\r\nClient: Can I make a formal complaint? I had a similar situation last year.\r\nFlix: Sure, you can send a complaint by email to info@flix.com. \r\nClient: thanks, I will definitely. But I really hope you do something about it this time...\r\nFlix: yes, all complaints are addressed by our managers.\r\nClient: great. They should not just read them, but do something about it. Will you inform me about the status?\r\nFlix: We don't do that automatically, but you can call us and find out. You can find all the necessary info on our website. \r\nClient: Ok, I see.\r\nFlix: Once again apologies.\n: ","ground_truth":"Client informs Flix about a 40 minutes delay of the bus from Radom to Warsaw. Flix explains that this is an operational delay. Client decides to make a formal complaint as it wasn't the first such delay."} +{"text":"Summarize the dialog.\n: Jeff: Are you ready for the hiking tomorrow?\nAnn: I've just packed\nCorina: is it going to be very difficult\nJeff: this track is quite heavy\nJeff: so please, take good shoes\nMaria: sure, how long is the track?\nJeff: about 20km\nJeff: let me check it\nMaria: thanks\nJeff: 21,3 km\nMaria: but it's only to the lighthouse?\nJeff: yes\nMaria: so we have to take a bus back\nJeff: I think so, to walk back would be too tiring\nCorina: and too boring\nCorina: doing the same way again\nJeff: true\nJeff: so I'll check the busses\nAnn: great\nJeff: yes, there is one at 5PM\nMaria: just perfect!\nJeff: :)\n: ","ground_truth":"Jeff, Ann, Corina, and Maria are going to hike tomorrow. Jeff reminds everyone to take good shoes, because they are going to walk over 20 km. Jeff, Ann, Corina, and Maria will take a bus on the way back at 5 PM."} +{"text":"Summarize the dialog.\n: Joyce: Guys, sorry I'm running late today! Will be there soon\nAndrew: I\u2019m a wee bit late too but will be there before 8! Leaving soon\nCarla: On my way, with sipke\ud83d\ude00\nAnette: On the way kids\nAnette: In the first here wtf\nHelen: Where are yall\nHelen: Annette are you here?\nHelen: I'm at a table by one of the windows at the front!\n: ","ground_truth":"Joyce and Andrew are running late. Carla and Anette are on their way. Helen is at a table by one of the windows at the front."} +{"text":"Summarize the dialog.\n: Aiden: Have you subscribed my channel?\r\nMia: Nop I havent \r\nAiden: :\/\r\nMia: Whats the name?\r\nAiden: Tuberflicks\r\nMia: Send me the link\r\nAiden: wait\r\nMia: k\r\nAiden: Here you go\r\nMia: It has pretty much grown now\r\nAiden: Yeah it is\r\nMia: Since when have you been working on it?\r\nAiden: Its been 6 month now\r\nMia: wow\n: ","ground_truth":"Mia hasn't subscribed to Aiden's channel yet but she wants to. Aiden has been working on it for 6 months."} +{"text":"Summarize the dialog.\n: Oli: I've talked to some people from the third year\nJacob: About the statistics exam?\nMarcia: What did they say?\nOli: Yeah, about the exam\nOli: We need to prepare for a battle\nJacob: So it will be difficult\nOli: They said it was the hardest exam ever\nMarcia: \ud83d\ude31\nOli: The questions were displayed on the screen \nOli: One minute per question and it disappears\nOli: They won't come back so if you didn't get your answer you're fucked\nMarcia: So we need to make the calculations really fast\nJacob: That's insane\nOli: I know\nOli: Very stressful\nMarcia: How are we even supposed to study for it?\nMarcia: With a timer?\nOli: I guess\nMarcia: Did anybody pass it last year\nOli: Some people did, but the majority had to take the second or even the third chance\n: ","ground_truth":"Oli, Jacob and Marcia have to prepare for a very hard statistics exam. Last year, people had only one minute to answer each question and then it disappeared."} +{"text":"Summarize the dialog.\n: Blake: Why did you tell Steven all those stupid things?\r\nAlexis: What things?\r\nBlake: That I did not want him. It's just not true and you know it.\r\nAlexis: I remember things differently, sorry.\r\nBlake: You're his mother, I cannot cut you from him, but I really believe you have a terrible influence on him.\r\nAlexis: I would rather say it about you.\r\nBlake: Please, stop. I've taken so much care of him in the last years and I always avoid talking with him about you.\r\nAlexis: Why should you avoid the topic? Is it better to pretend I do not exist?\r\nBlake: Nobody pretends that, but I don't want to drag him into our games. Your games, actually.\r\nAlexis: I don't know why I am still talking to you. You keep insulting and accusing me.\r\nBlake: I'm just trying to stop you from destroying our son's life.\r\nAlexis: I am his mother, I know what's good for him.\r\nBlake: No, you're using him for your stupid games against me.\r\nAlexis: You're really unbelievably self-centred.\r\nBlake: Alexis, it's not possible to talk to you any more. You're either aggressive or defensive. There is no discussion.\r\nAlexis: Try not to attack me first. This is a natural reaction to an attack of every human being, of every living creature actually. \r\nBlake: I tried to discuss how we are managing our relations with our son. Was it an attack?\r\nAlexis: No, you attacked me saying I told something to Steven that you apparently didn't like. But you will nor censor me. This time is over.\r\nBlake: For God's sake! \r\nAlexis: I've had enough. I am coming back to my work now. There is more in this world than your huge ego. Bye!\n: ","ground_truth":"Blake believes that Alexis is trying to turn their son, Steven, against him and has bad influence on Steven. Alexis believes Blake is self-centered and often attacks her and accuses her of things she didn't do. "} +{"text":"Summarize the dialog.\n: Roberta: \r\nRoberta: look what I found!\r\nMakoto: my dress!\r\nRoberta: you must have left it when you were visiting this summer\r\nMakoto: could you send it to me?\r\nRoberta: sure, I'll do so on Friday :)\n: ","ground_truth":"Roberta found Makoto's dress and will send it to Makoto on Friday."} +{"text":"Summarize the dialog.\n: Sawyer: I hope I found you wrapped in a towel when you open the door\r\nEleanor: No... I will be wearing sexy short black robe instead which is a little bit transparent\r\nSawyer: It must be fully transparent then\r\nEleanor: I'm general it is but it's black\r\nSawyer: Hmmm Would you ever send me a photo of you wearing it ?\r\nEleanor: When I take a shower and then I put it i always have to have underwear also. If not my flatmates would see what I have under the robe xd\r\nEleanor: In the photo u can't see anything. Since last time I sent u a photo in it xd hahaha\r\nSawyer: Hahaha and what if you take the photo when you're alone. So that only you and me can see\r\nEleanor: But in the picture u can't see that it's transparent. U need to come here :)\r\nSawyer: Maybe take a better one ?\r\nEleanor: I can't\r\nSawyer: Haha and your new phone will take better pictures\r\nEleanor: The robe is a little bit transparent, :) so it's not possible that in the pic it will be visible\r\nSawyer: Ok no worries\n: ","ground_truth":"When Eleanor meets Sawyer, she will be wearing a slightly transparent black robe. Sawyer would like Eleanor to take a picture of herself in the robe, but the transparency is not visible on photos."} +{"text":"Summarize the dialog.\n: Sam: I'm so sorry. I can't make it on time.\nSandra: Should we start without you?\nSam: Please do. I'll be 30 min late.\nSta\u015b: Ok\n: ","ground_truth":"Sam will be 30 minutes late. Sandra and Sta\u015b will start without Sam."} +{"text":"Summarize the dialog.\n: Sam: I just got my 1st credit card!\r\nTom: Well, congrats and sorry!\r\nSam: Y sry?\r\nTom: Aren't u afraid of getting into debts?\r\nSam: No, not really. Should I be?\r\nTom: I think u should.\n: ","ground_truth":"Sam got her first credit card."} +{"text":"Summarize the dialog.\n: James: \r\nJames: My girlfriend is so creative :D\r\nFred: Hahha. LOL\r\nJames: She made me put the trash bin near the window outside\r\nJames: So that she doesn't have to go outside and walk around the house to take out garbage\r\nJames: She just opens the kitchen window and done\r\nFred: If it's stupid but it works...\r\nJames: It ain't stupid haha I know :D\r\nFred: Congratulate her from me :D\r\nJames: I will xD\n: ","ground_truth":"James's girlfriend made him put the trash bin near the kitchen window outside so she can throw things out of the window."} +{"text":"Summarize the dialog.\n: Christopher: ok, people, I\u2019ve got an idea\r\nMatthew: hmm?\r\nChristopher: let\u2019s go abroad for the weekend \ud83d\ude00 tickets are cheap enough and I don\u2019t know about you, but I\u2019m bored. massively bored. \r\nAndrew: I\u2019m out, guys\u2026 I just can\u2019t leave Ann alone with the baby, sorry \r\nChristopher: Matthew, David? what about you?\r\nMatthew: I\u2019m working this weekend \ud83d\ude15 \r\nDavid: well, if they can\u2019t then I\u2019m out as well \r\nChristopher: i hate you guys\n: ","ground_truth":"To Christopher's frustration, Matthew, Andrew and David refuse to go abroad for the weekend."} +{"text":"Summarize the dialog.\n: Francine: hey hon\r\nFrancine: how are you today?\r\nFrancine: I hope our talk yesterday helped a bit\r\nJessie: hiya \r\nJessie: i'm still pretty overwhelmed \r\nJessie: but I was able to calm down a little after we spoke\r\nJessie: thank you for checking up on me <3\r\nJessie: a lot of people just don't know what to say, so they don't call...\r\nFrancine: I'm always here if you need me\r\nFrancine: that's what friends are for <3\r\nFrancine: seriously, whenever you need, just call me\r\nJessie: \ud83d\ude2d\ud83d\ude2d\ud83d\ude2d\r\nJessie: thank you <3\r\nFrancine: anytime <3\n: ","ground_truth":"Francine and Jessie talked yesterday. The talk has been helpful for Jessie. Francine says she's always there for Jessie. Jessie is very thankful."} +{"text":"Summarize the dialog.\n: Maria: Guys, don't bring anything, I've cooked so much\r\nAndrew: We will bring some wine we bought in Italy last year\r\nMartha: Especially for a night like this\r\nMaria: How nice of you!! thanks\n: ","ground_truth":"Maria has cooked a lot of food. Andrew will bring some Italian wine."} +{"text":"Summarize the dialog.\n: Hannah: The motherfucker took my spot again\nPamela: Richard?\nAnne: I saw him parking... \n: ","ground_truth":"Richard took Hannah's parking spot again. Anne saw it."} +{"text":"Summarize the dialog.\n: Sophia: What should I get them?\r\nMonica: How should I know?\r\nSophia: come on help me out\r\nMonica: I dont know really Im bad at buying gifts\r\nSophia: maybe some day spa gift card\r\nMonica: maybe\r\nSophia: youre not really helpful :P\r\nMonica: Told ya... bad at gifts\n: ","ground_truth":"Sophie doesn't know what to buy for a gift. She wants Monica's help. She is considering buying a day spa gift card. Monica is bad at buying gifts."} +{"text":"Summarize the dialog.\n: Yannick: I heard you are going to sing the anthem\r\nYannick: At the game\r\nNicki: Yes I am \r\nNicki: I am nervous! \r\nYannick: Dont be\r\nYannick: It's a huge privilege to sing the anthem in front of thousands of people!\r\nNicki: I hoep I won't forget the lyrics\r\nNicki: hope* \r\nYannick: Youre a great singer\r\nYannick: You will be fine \r\nNicki: I have to rehearse \r\nYannick: Your parents coming with you?\r\nNicki: Yes\r\nYannick: They're probably proud of you good luck! \r\nNicki: Thank you Yannick\n: ","ground_truth":"Nicki is going to sing the anthem at the game."} +{"text":"Summarize the dialog.\n: Carter: Sure it's nearly Christmas, right Chloe!?!\r\nChloe: Yes so it's time I bought you new socks ha\r\nCarter: Socks serve the purpose of keeping your feet warm, why do they have to be the same \ud83d\ude09\r\nVictoria: I gave up for the second dive today. Felt like Christmas under there... and to cheer me up I bought myself a new shiny piece of gold equipment....so.....definitely Christmas! Love the unmatched socks \ud83d\ude0d\ud83e\udd19\ud83c\udffc\ud83e\udd19\ud83c\udffc\n: ","ground_truth":"Christmas is coming. Chloe will buy Carter new socks as he wears them unmatched. Victoria bought herself a new piece of gold equipment."} +{"text":"Summarize the dialog.\n: Ammalee: \nAmmalee: This lasted over a month.\u266a\u250f(\u30fbo\uff65)\u251b\u266a\u2517 ( \uff65o\uff65) \u2513\nAmmalee: Could you recommend other styles? (?_?)\nMaryann: Ah! Hello Ma\u2019am! Thank you for the good review! (\uff3e\u25bd\uff3e)\nMaryann: Is there any style you want to do next time?\nAmmalee: Yes, I heard about Acrylic nails and Linen. Which one would be better? (\u00b4\u2200`)\nMaryann: If you want the nails to last longer I recommend you Acrylic rather than Linen. \u270c\ufe0f\nMaryann: If you have any design in your mind, send me pictures. \u263a\ufe0f\u263a\ufe0f\u263a\ufe0f\nMaryann: Then I could try them on your nails next time!!(^^)!!(^^)!!(^^)!\nAmmalee: Thanks, I will send you some pictures soon!\n: ","ground_truth":"Ammalee sent Maryann a photo of her nails that lasted over a month. Maryann will try Acrylic instead Linen on Ammalee's nails next time. Ammalee will send Maryann a photo of a design that she would like to have on her nails."} +{"text":"Summarize the dialog.\n: Alan: sweetie when wil you be home?\r\nJoan: I'm studying with Laura after classes Dad\r\nAlan: will you be home by 7?\r\nAlan: I'm making my famous chicken wings :)\r\nJoan: dad my grades are important aren't they?\r\nAlan: more important than my wings?\r\nAlan: I'm hurt :D joking. study away!\n: ","ground_truth":"Alan is making his famous chicken wings and would like Joan to be home by 7. Joan won't make it as she is studying with Laura."} +{"text":"Summarize the dialog.\n: Johny: That girl on Tuesday music video is sexy as fuck\r\nLuke: \r\nLuke: This Tuesday?\r\nJohny: The main chick is worth breaking the rule of no-nut november\r\nLuke: Johny please find yourself a chick.\r\nLuke: fall for her\r\nLuke: Love her with all your heart\r\nLuke: And stop talking like an asshole\r\nJohny: Man, it's just a joke\r\nJohny: I have respect towards women\r\nJohny: At least when they deserve it :D\r\nLuke: Everyone deserces some respect bruh\r\nJohny: I know man, I'm just kidding LOL\r\nLuke: I know man, I'm just messing\r\nJohny: You feel like clubbing tonight?\r\nJohny: You could be my wingman xD\r\nLuke: \r\nJohny: What's with this facepalm?\r\nLuke: Get yourself Tinder and start hunting\r\nJohny: Hahaha. xD\r\nJohny: I undestand you don't wanna go? \r\nLuke: I've got plans for tonight\r\nLuke: So another time mate\r\nJohny: Chill. Another time\n: ","ground_truth":"Johny wants to go out clubbing with Luke in order to meet a female partner. Luke has plans but he advises Johny to install Tinder. Luke critisizes Johny for speaking about women without much respect."} +{"text":"Summarize the dialog.\n: Frank: Hi Peter has brought me to Sports Direct store at the top of \r\nRosie: Ok thanks will look out for you there\r\nFrank: We are on the ground floor\r\nRosie: ok\r\nFrank: Outside Morrisons\r\nRosie: On my way\r\nFrank: We might be upstairs later so look there too\r\nRosie: ok I will - see you soon xxx\n: ","ground_truth":"Rosie is on her way to meet Frank and will have to find him at Sports Direct."} +{"text":"Summarize the dialog.\n: Kyle: hey u got maths homework?\r\nPatrick: um.. not yet :D\r\nKyle: hahaha what do you mean not yet\r\nKyle: it's for tomorrow\r\nKyle: i just reminded you didn't i hahahah\r\nPatrick: XD\r\nKyle: well good luck then\r\nPatrick: tx xD guess i'm gonna need it XD\n: ","ground_truth":"Kyle reminds Patrick about their math homework for tomorrow."} +{"text":"Summarize the dialog.\n: Ellen: Hi, honey, sorry I've been so unreachable lately, the redecoration is a nightmare.\r\nKate: Don't worry, sweetie, what's wring with the redecoration?\r\nEllen: Well, nothing's wrong per se, it's just it's taking so much time, I barely sleep nowadays...\r\nKate: Isn't Paul helping you?\r\nEllen: He's trying the best he can, but you know how men can be, he doesn't know what goes with what and I wouldn't trust him with our kitchen floor tiles...\r\nKate: Oh, you're right. It's always women who take care of the aesthetics of it all... And they say we're only good in the kitchen. :D \r\nEllen: Well, the kitchen is going to be spectacular so that part is true enough, LOL xD\r\nKate: Can't wait to see it. When are you finishing?\r\nEllen: I hope it will be ready by Christmas, but the workers are permanently late.\r\nKate: Oh yes, one of their many 'qualities'... :D\r\nEllen: Not that I don't like a beer now and then, but for Christs sake, they leave beer cans EVERYWHERE. How are they working if they're always tipsy?!\r\nKate: Steady hand, they say, hahaha\r\nEllen: Steady hand my ass, if they damage anything, I'm gonna kill them.\r\nKate: LOL\r\nEllen: Yeah, so to answer your question, the redecoration could go better but I'm counting on it to finish as quickly as possible.\r\nKate: Keeping my fingers crossed, hun and I can't wait for the housewarming party.\r\nEllen: You'll be the first to know! \n: ","ground_truth":"Ellen and Paul are doing the redecoration and it takes a lot of time. They want to finish it by Christmas but workers are permanently late. Kate is looking forward for the housewarming party."} +{"text":"Summarize the dialog.\n: Paola: Guys, as I was saying I\u2019d like to take you to the theatre. There\u2019s a very good play this Friday and I can totally get you free tickets if you\u2019re interested\r\nPaola: It\u2019s about this Serbian family just after the war in Yugoslavia. It\u2019s been a hist for a few years now and I\u2019m happy to see they\u2019re back on stage this season as well\r\nPaola: I\u2019ve seen the play a few years ago and actually wrote a review of it, but would be happy to go with you and know what you think of it\r\nAustin: Oh wow that sounds great! Ofc I wanna go\r\nNicola: Me too! Hope it\u2019s after 6 pm?\r\nPaola: @Nicola, yes, it\u2019s at 8.15\r\nPaola: The theatre is called El Rinc\u00f3n de S\u00e1nchez \r\nPaola: We can meet there\r\nAustin: Sounds good. Nicola, would you like to go together? These long, lonely journeys on the bus are soooo boring\r\nNicola: Ha ha, sure, I bet we can have a nice chat, especially if we actually walk a little bit. I\u2019d suggest meeting at the entrance to the Alto Palermo shopping mall and walking from there\r\nAustin: Can I ask if it\u2019s safe? \ud83d\ude4a\r\nNicola: Yeah, I do think so\r\nAustin: Splendid, let\u2019s meet at the entrance to the Alto Palermo at 7.30 then\r\nNicola: Cool, just to make sure, I mean this entrance: \r\nAustin: \ud83d\udc4d\r\nAustin: Oh wait, will you have eaten? Perhaps we can grab a pizza or something\r\nNicola: I\u2019ll be coming straight from work so it sounds like the perfect plan\r\nNicola: What do we have nearby\r\nAustin: There\u2019s actually this place which sells empanadas which are not that bad just where we\u2019re meeting. Not a grand dinner but enough for me\r\nNicola: Yer, that would do. Let\u2019s just meet at 7:15 in case there are many people in the line or you happen to prefer to eat the empanadas while standing rather than walking \ud83d\ude39\r\nAustin: Lol sounds perfect\r\nPaola: I\u2019ll see you at the theatre then. There\u2019s nowhere to wait outside, so I\u2019ll be waiting for you in the hall if that\u2019s ok\r\nAustin: Totally\r\nPaola: See you soon then\r\nNicola: Yep. Byeeee!\n: ","ground_truth":"Paola and her friends are going to the theatre El Rinc\u00f3n de S\u00e1nchez on Friday. They are going to see a play about Serbian family just after the war in Yugoslavia. Nicola and Austin will go to the theatre together. They will eat empanadas on their way."} +{"text":"Summarize the dialog.\n: Harriet: Where are you?\nVincent: In the cloister\nCharlotte: we're studying here today\nCharlotte: join us, we're waiting for Ben as well\nHarriet: It's too cold for me there\nBen: I agree\nHarriet: I'll go to the library\nBen: I'll join Harriet\n: ","ground_truth":"Vincent and Charlotte are studying in the cloister today. Harriet and Ben will go to the library. "} +{"text":"Summarize the dialog.\n: Hyatt: watch channel 6 now\r\nNickleby: whats on?\r\nHyatt: ah i see is that Stu?\r\nPalin: himself!\r\nNickleby: couldnt miss it :)\n: ","ground_truth":"Stu is on channel 6 now."} +{"text":"Summarize the dialog.\n: Leo: hey jess\r\nJessie: hey\r\nLeo: so what're u doing this weekend\r\nJessie: yea let me have a look at my tight schedule -_-\r\nLeo: yea who am i kidding. you're always free\r\nJessie: so what up\r\nLeo: we could maybe go out\r\nJessie: is it YOU who's asking\r\nLeo: what does that mean\r\nJessie: its always me coming up with the ideas\r\nLeo: yea right\r\nJessie: it is right\r\nLeo: so?\r\nJessie: so i am right\r\nLeo: i mean what do you think\r\nJessie: oh you mean for the weekend\r\nLeo: yea\r\nJessie: yea okay, cool\r\nLeo: btw.. you still have to come up with a place to hangout xD\r\nJessie: see.. ._. always\r\nLeo: it was my idea tho XD\r\nJessie: WOW -_-\n: ","ground_truth":"Jessie and Leo will hang out at the weekend, but Jessie has to come up with a place first. "} +{"text":"Summarize the dialog.\n: John: do you play tennis? :-)\r\nIrma: i don't, why do you ask?\r\nJohn: you look like someone who plays tennis\r\nIrma: HAHAHAHA i'm literally loling\r\nIrma: i don't know what someone who plays tennis looks like\r\nJohn: hahah sorry that was a dumb comment\r\nJohn: anyway, would to enroll in a class with me?\r\nJohn: they're dirt cheap at the community center\r\nIrma: sounds good, i can wear one of my tennis outfits!!\r\nIrma: HAHAHA, i'm still laughing at your comment lol\n: ","ground_truth":"Irma doesn't play tennis. John and Irma will enroll in tennis class at the community center."} +{"text":"Summarize the dialog.\n: Jack: Where are you? I can't find you.\r\nOlivia: carriage 3!\r\nJack: I'm in 15 I believe :\/ it's so crowded\r\nOlivia: But slowly you can get through.\r\nJack: I am not sure, there are people sitting, staying, puking everywhere. It's a mess\r\nOlivia: C'mon, it's a busy weekend\r\nJack: I already hate this trip.\r\nOlivia: Just don't make a drama, come here.\r\nJack: Do you have the tickets? I can't find mine.\r\nOlivia: I have both of them, so you have no choice anyway. You should come here asap :P\n: ","ground_truth":"Jack has to find Olivia in carriage 3, because she has their tickets."} +{"text":"Summarize the dialog.\n: Pete: Sup?\r\nLionel: I'm at a meeting, can't talk.\r\nPete: OK, sorry.\n: ","ground_truth":"Lionel is in a meeting and can't talk."} +{"text":"Summarize the dialog.\n: Rob: need a car check, u know a good mechanic?\r\nWill: yeah, I have someone who fixed my fathers car\r\nRob: you mean that shit on wheels?\r\nWill: now it's like an arrow\r\nRob: than it's not a mechanic but a magician\r\nWill: well, kind of :D I'll give u a number\r\nRob: great\r\nWill: u can say that I send u\r\nRob: thanks buddy\n: ","ground_truth":"Will gived Rob the number of the car mechanic who fixed Will's father's car."} +{"text":"Summarize the dialog.\n: Andrew: wow, weekend! finally!\r\nAndrew: this week's been pretty hard\r\nNicky: yep, it was\r\nNicky: work work work\r\nAndrew: we're starting a new project next month\r\nAndrew: and we do everything at a last moment, as usual ;)\r\nRick: yeah, its always like that\r\nRick: they dont usually plan in advance\r\nNicky: they dont seem to learn their lessons;)\r\nAndrew: thats the point\r\nAndrew: anyways, I hope to have a good rest\r\nRick: yeah, me too!\r\nNicky: Im just gonna do nothing!\r\nNicky: :D\r\nRick: good idea!\r\nAndrew: Me too, I really need a break\r\nAndrew: sleep, in the first place\r\nAndrew: see kids\r\nRick: ok take care guys!\r\nNicky: talk to U later!\n: ","ground_truth":"Andrew, Nicky and Rick had a hard week at work. They just want to rest and do nothing. Andrew has a new project next month, and now he just wants to sleep and see kids."} +{"text":"Summarize the dialog.\n: Olivia: hey\r\nTaylor: whats up?\r\nOlivia: I need your help with something haha \r\nTaylor: yeah?\r\nOlivia: I wanna post a pic on instagram and I have the pic but idk what to caption it lol\r\nTaylor: yeah! what picture ?\r\nOlivia: the one I sent yesterday by the lake? \r\nTaylor: ahhhh yes I love that one its amazing \r\nOlivia: yeah I really like it but Idk what to say haah\r\nTaylor: maybe something like \" Summer Days\" with the sun emoji \r\nOlivia: but is that cheesy? or to basic ahaha\r\nTaylor: nahh I think its ok, or maybe just the emoji and say nothing haha\r\nOlivia: yeah I could do that hahah \r\nTaylor: either way its a nice picture so whatever you say it will be fine\r\nOlivia: trueeee thanks for the help :)))\r\nTaylor: anytime gurlll :DD \n: ","ground_truth":"Olivia doesn't know how to caption the photo she wants to put on Instagram. Taylor gives Olivia some hints."} +{"text":"Summarize the dialog.\n: John: Maybe some ride?\r\nIan: Always!!!\r\nIan: When and where?\r\nJohn: St.Monica, at 8.00, ok?\r\nIan: ok!\n: ","ground_truth":"Ian and John will meet at St. Monica at 8.00."} +{"text":"Summarize the dialog.\n: Ali: dude i need that hard drive\r\nKane: come take it\r\nAli: alright be there in a sec\r\nKane: sure..\n: ","ground_truth":"Ali is coming to Kane to get the hard drive."} +{"text":"Summarize the dialog.\n: Joshua: look out the window\r\nNoah: what's there? XD\r\nJoshua: do it :P\r\nNoah: oh wow\r\nNoah: so much snow :D when did this happen lol\r\nJoshua: :D\r\nNoah: it's definitely time to build a snowman!\r\nJoshua: build an Olaf :d\r\nNoah: ofc i will, he's my idol!\r\nJoshua: XD\n: ","ground_truth":"It's snowing outside."} +{"text":"Summarize the dialog.\n: Greg: why don\u2019t you answer my calls?\r\nAva: cause I don\u2019t want to talk to you anymore, so leave me the fuck alone\r\nGreg: but we haven\u2019t talked things over yet\r\nAva: and we won\u2019t, because there\u2019s not a fucking thing to talk about\r\nGreg: Ava, please\r\nAva: I\u2019m blocking you on fb. Goodbye Greg \u2764\n: ","ground_truth":"Ava doesn't want to talk to Greg any more and she's blocking him on Facebook. "} +{"text":"Summarize the dialog.\n: Shelly: I'm looking for a fall coat, are there any good ones in today?\r\nPorter: We got some really nice wool ones in today. Come take a look!\r\nShelly: I will! Be there on my lunch!\r\nPorter: You better take an early lunch, they will go fast!\r\nShelly: Ooh! Okay!\n: ","ground_truth":"During early lunchtime, Shelly will come to Porter to take a look at wool fall coats which have arrived today. "} +{"text":"Summarize the dialog.\n: Connor: hello can you tell me what songs did they play at the gig in Berlin?\nKyle: their official profile tweeted the set list a couple hours ago\nConnor: ok cool thanks\nKyle: cheers\n: ","ground_truth":"Connor is looking for a playlist from the Berlin concert. Kyle directs him to the band's official Twitter account."} +{"text":"Summarize the dialog.\n: Caleb: How are you guys?\r\nJeniffer: very good, thanks\r\nBrooke: yes, it's very exciting here\r\nCaleb: where are you exactly?\r\nJeniffer: Now in New York!\r\nCaleb: how cool!\r\nCaleb: what have you seen so far?\r\nJeniffer: We've been to Connecticut and Massachusetts \r\nJeniffer: But NYC is the best\r\nBrooke: you forgot about Rhode Island\r\nJeniffer: right, such an important state! :P\r\nBrooke: ;)\r\nCaleb: you see, I knew you would like it\r\nCaleb: what do you like the most?\r\nJeniffer: diversity!\r\nJeniffer: something we don't have in Europe to that extend\r\nJeniffer: you're walking down a street and you hear 15 different languages \r\nBrooke: and everything is exaggerated \r\nBrooke: too big, greater than needed, it's quite fascinating \r\nBrooke: food, buildings, cars, everything\r\nCaleb: I'm glad you enjoy it girls!\r\nBrooke: :*\n: ","ground_truth":"Jeniffer and Brooke're in New York now. They've been also to Connecticut, Massachusetts and Rhode Island. The thing Jeniffer likes the most in America is diversity while in Brooke's opinion it's urban splendor."} +{"text":"Summarize the dialog.\n: Max: I'm so sorry Lucas. I don't know what got into me.\r\nLucas: .......\r\nLucas: I don't know either.\r\nMason: that was really fucked up Max\r\nMax: I know. I'm so sorry :(.\r\nLucas: I don't know, man.\r\nMason: what were you thinking??\r\nMax: I wasn't.\r\nMason: yea\r\nMax: Can we please meet and talk this through? Please.\r\nLucas: Ok. I'll think about it and let you know.\r\nMax: Thanks...\n: ","ground_truth":"Max is sorry about his behaviour so wants to meet up with Lucas and Mason. Lucas will let him know. "} +{"text":"Summarize the dialog.\n: O'Neill: Is everything ok?\nO'Neill: I didn't hear back from you\nO'Neill: \nTed: Hey\nTed: I have been really busy today\nTed: Sorry..\nTed: Yes everything is fine ;)\nTed: I'll send you a photo later on :)\nO'Neill: Great!! \ud83d\udc4f\n: ","ground_truth":"O'Neill is worried about not having heard from Ted. Ted is fine and is going to send a photo later."} +{"text":"Summarize the dialog.\n: Tom: How\u2019s the weather in Poland now?\r\nJustin: It\u2019s getting cooler. Ain't no sunshine and winter\u2019s coming \ud83d\ude0a\r\nTom: Have you seen the last episode of Game of Thrones?\r\nJustin: Not yet. Can\u2019t wait to see it \ud83d\ude0a\n: ","ground_truth":"It's getting cooler in Poland, because winter is coming. Justin hasn't seen the last episode of Game of Thrones yet."} +{"text":"Summarize the dialog.\n: Gabby: How is you? Settling into the new house OK?\r\nSandra: Good. The kids and the rest of the menagerie are doing fine. The dogs absolutely love the new garden. Plenty of room to dig and run around.\r\nGabby: What about the hubby?\r\nSandra: Well, apart from being his usual grumpy self I guess he's doing OK.\r\nGabby: :-D yeah sounds about right for Jim.\r\nSandra: He's a man of few words. No surprises there. Give him a backyard shed and that's the last you'll see of him for months.\r\nGabby: LOL that describes most men I know.\r\nSandra: Ain't that the truth! \r\nGabby: Sure is. :-) My one might as well move into the garage. Always tinkering and building something in there.\r\nSandra: Ever wondered what he's doing in there?\r\nGabby: All the time. But he keeps the place locked.\r\nSandra: Prolly building a portable teleporter or something. ;-)\r\nGabby: Or a time machine... LOL\r\nSandra: Or a new greatly improved Rabbit :-P\r\nGabby: I wish... Lmfao!\n: ","ground_truth":"Sandra is setting into the new house; her family is happy with it. Then Sandra and Gabby discuss the nature of their men and laugh about their habit of spending time in the garage or a shed."} +{"text":"Summarize the dialog.\n: Nina: Where are you?\nTim: in the main room\nAlice: me too, come and join us\nNina: ok!\n: ","ground_truth":"Nina will join Tim and Alice in the main room."} +{"text":"Summarize the dialog.\n: Esme: Did I tell you what happened last weekend?\r\nSummer: Not really.\r\nSummer: I mean you mentioned you went to visit Jason and there was a party\r\nEsme: Exactly\r\nEsme: He was having a party and he didn\u2019t even invite me\r\nEsme: How sick is that\r\nEsme: The entire band was there\r\nEsme: Robert, Tom, Amy and Steve\r\nEsme: But he didn\u2019t even bother to invite his girlfriend\u2026\r\nSummer: That\u2019s crazy\r\nSummer: Why would he do that?\r\nEsme: I don\u2019t know.\r\nEsme: I got so furious. I broke all of his plates. \n: ","ground_truth":"Esme is furious about Jason not inviting her to the party. Summer can't understand his behavior."} +{"text":"Summarize the dialog.\n: Mike: I owe you one!\r\nJake: Actually, u owe me 200 :P\r\nMike: I'll pay u back as soon as I can.\r\nJake: Which is?\r\nMike: Well, I should get my paycheck on the 7th, so probably on the 8th.\r\nJake: No problem. \r\nMike: Thanks again. I don't know what happened to the cash I had set aside for this. \r\nJake: Don't worry about it. Last month I had to borrow some money from my parents.\r\nMike: Same situation?\r\nJake: More or less. Was behind with the rent and landlord became impatient.\r\nMike: Straightened things out? \r\nJake: Thankfully, yes. \n: ","ground_truth":"Mike will repay the money he owes Jake on the 8th. Mike had to pay the rent so he borrowed money from his parents."} +{"text":"Summarize the dialog.\n: Roger: When you're laying tile how many rows can\/should you do in a day?\r\nJim: Floor?\r\nRoger: walls\r\nDan: which mortar are you using?\r\nRoger: pre-mixed. seems like it dries very slowly\r\nJim: Why would it matter how long it takes to dry? Only takes a day to be able to grout with the pre mix. You can do as many rows as you like also.\r\nRoger: Right o. I just didn't know if they would shift around with more rows stacked on them?\r\nDan: you just make a level ledger (2nd row). Mark a center line on all walls then see where the last tile is going to be on sides and ceilings. You do the bottom row closest to the shower pan last after the ledger row dries.\r\nJim: Exactly, don't do the bottom row 1st, for some reason makes getting everything to line up pretty difficult. And push everything flat on the tile with a level so it looks good.\r\nRoger: Okay, good to know. I was just going to start at the bottom and work my way up\r\nDan: Might not work. Shower pans are usually not level so everything will end up off.\r\nJim: Do you have a digital level? I can give you mine if you need\r\nRoger: I have a digital one.\r\nJim: Ok cool.\r\nDan: Good luck. Let us know if you need anything.\n: ","ground_truth":"Roger can do as many rows of tile in a day as he wants. He should make a level ledger, mark a center line and do the bottom row when the ledger row dries."} +{"text":"Summarize the dialog.\n: Angelina: wanna go to the cinema to see \"First Man on the Moon\"?\r\nJennifer: yes, sure! When?\r\nAngelina: I was thinking Friday, like 7-8 pm? Cinema City Arkadia?\r\nJennifer: thats ok for me.\r\nAngelina: great, see you! \n: ","ground_truth":"Angelina and Jennifer will go to see \"First Man on the Moon\" on Friday around 7-8 PM at Cinema City Arkadia."} +{"text":"Summarize the dialog.\n: John: Could you buy a set of forks for me at IKEA?\nJames: LOL, set of forks?\nJohn: this\nPatt: no problem!\nJohn: thanks!\n: ","ground_truth":"James will buy a set of forks at IKEA on John's request."} +{"text":"Summarize the dialog.\n: Jo: How's your mum, Sue?\r\nAnn: Is she gone now?\r\nSue: She got back home yesterday\r\nSue: The trains were delayed\r\nSue: She was furious\r\nSue: Still recovering\r\nJo: Oh :( \r\nAnn: So you're free then... ;)\r\nSue: Hurray\r\nAnn: A party??\r\nSue: I need to recover, too ;)\r\nSue: will think about a party later\r\nAnn: I take you by the word!\n: ","ground_truth":"Sue's mum got back home yesterday after a difficult journey and is still recovering. Sue will think of organising a party later on."} +{"text":"Summarize the dialog.\n: Marek: How was moving out? :c)\nDaniel: Pretty cool, we moved in about 2 hours, but we're cleaning 2nd day already:D\nMarek: :d\nDaniel: I wanna go back to work already xD\nMarek: Daniel, you ARE at work :d\nDaniel: omg, you're right :\u2011O \nDaniel: :D:D:D\n: ","ground_truth":"Daniel moved in about two hours but has been cleaning for two days."} +{"text":"Summarize the dialog.\n: Frances: \r\nFrances: Look and guess! Where are we? :D\r\nHarold: OMG, is that Strawberry Caf\u00e9?\r\nFrances: Yes indeed!\r\nHarold: You said you wouldn't have time off?\r\nFrances: well one of the meetings got cancelled so we decided to go for a coffee :D\r\nHarold: lucky ducky! Have fun then\u2026\r\nHarold: \r\nFrances: we surely will! Hugs!\n: ","ground_truth":"One of the meetings was cancelled and Frances is at Strawberry Caf\u00e9."} +{"text":"Summarize the dialog.\n: Frank: Just saw you leaving office?\r\nRick: Yea. Had to leave. Private stuff.\r\nFrank: Fine. Just make sure you're working during lunch break today.\r\nRick: No problem. Will do.\n: ","ground_truth":"Frank saw Rick leaving the office. Rick had to deal with private matters. He will work during lunch break today. "} +{"text":"Summarize the dialog.\n: Joe: R U watching 'The Millionaire'?\r\nTim: Sure!\r\nJack: Me too!\r\nJoe: Oooops. the commercial block is finishing.\r\nJoe: Talk to you later!\n: ","ground_truth":"Joe, Tim and Jack are watching 'The Millionaire'."} +{"text":"Summarize the dialog.\n: Laura: what times the bus?\r\nPat: 5.25\r\nLaura: OK. u know what u wearing?\r\nPat: w8. ill take a photo\r\nLaura: ok, back in a minute\r\nPat: ce moi \r\nLaura: wow girl, sexy as hell\r\nPat: show me yourself\r\nLaura: no way\r\nPat: come on. this new blue dress?\r\nLaura: you'll see when we meet lol\r\nPat: OK. 5.25 then\r\nLucy: see you\n: ","ground_truth":"Pat and Lucy will meet at 5.25 for the bus. Laura likes Pat's outfit and will show hers later on. "} +{"text":"Summarize the dialog.\n: Peter: Did you hear what happened at school today?\r\nJack: No?\r\nPeter: There\u2019s been kind of an emergency, gas leak or something.\r\nJack: Oh, I hope it\u2019s nothing serious. Did they called fire units?\r\nPeter: Yep, three engines and ambulance. It turned out to be a drill.\r\nJack: It\u2019s better this way than the other. \n: ","ground_truth":"There was an emergency at school today. Three engines and ambulance came, but it was a drill."} +{"text":"Summarize the dialog.\n: Nancy: Claire!\r\nClaire: hm?\r\nNancy: I've talked to my best friends about the hen party!\r\nClaire: oh!! aaaand?\r\nNancy: they thing the city break with just you is a great idea!\r\nClaire: Weeeeeell, we'll have to talk about it\r\nClaire: cause...\r\nClaire: if you want to do it just the two of us JUST BECAUSE you're afraid of satisfying everyone and not being able to do that - DON'T WORRY\r\nClaire: It's on me. There will be no dissatisfied girls. \r\nClaire: I'll make them leave at once.\r\nClaire: The horrible maid of honor, lol\r\nNancy: <3 awww, you're the best\r\nNancy: but I think that's really what I want\r\nNancy: we can talk about it though.\r\nClaire: OK! When? :D\r\nNancy: are you free this weekend?\r\nClaire: I can do Sunday, you?\r\nNancy: me too, brunch?\r\nClaire: perfect!\n: ","ground_truth":"Nancy talked to her best friends about the hen party. She will go with Claire on a city break. They are meeting on Sunday at brunch to discuss it."} +{"text":"Summarize the dialog.\n: Leroy: Guys, do you ever use voice recognition on android?\r\nMalcolm: I do, what do you need help with?\r\nAnn: sorry, Siri all the way\r\nMalcolm: I never had much luck with Siri, would end up with random results \r\nAnn: I love mine! so convenient too when I have my hands full\r\nLeroy: I got a new phone and I thought you could talk to it when it's not unblocked but I can't seem to get it to work? any ideas?\r\nMalcolm: did you try messing with the settings? which phone do you have?\r\nLeroy: Pixel 2\r\nMalcolm: go to \"Language and Settings\" and check there or try finding the \"Access with Voice Match\" field and make sure it's on\r\nLeroy: THANK YOU!!! gonna try it out now\n: ","ground_truth":"Leroy should change the settings via \"Language and Settings\" or \"Access with Voice Match\" if he wants to use voice recognition on his Pixel 2 when it is blocked."} +{"text":"Summarize the dialog.\n: Harper: Did we really need another Grinch film? \r\nHarper: |\u2011O\r\nLeo: Or a Mary Poppins remake? \r\nHarper: Oh, barf!\r\nHarper: Hated the first one!\r\nLeo: Never saw the first one!\r\nHarper: Had to watch with some kids I babysit. Bo-ring!\r\nLeo: Ah, oh, got it.\r\nHarper: Anyway, original Grinch is the GOAT!\r\nLeo: Nah. Jim Carrey one!\r\nHarper: You think?\r\nLeo: Grinch movie marathon!\r\nHarper: Is it a marathon with only two?\r\nLeo: We could watch them both twice! LOL!\r\nHarper: LOL! Deal. I'll bring the popcorn.\r\nLeo: You're on!\n: ","ground_truth":"Leo and Harper will have Grinch any Mary Poppins remake marathon. Harper will bring the popcorn."} +{"text":"Summarize the dialog.\n: James: good horror to watch?\r\nKit: Japanese, US, Spain?\r\nJames: Spanish could be cool. any good?\r\nNick: I like Rec. not new thou. Seen it?\r\nJames: no not yet. Really good?\r\nRidley: I liked it too. Its more psycho than gore tho so depends what you into really\r\nJames: psychological are cool so yeah, I'll watch that\r\nNick: but makes sure it\u2019s the first one not 2 or 0 or anything, they were realy shit\r\nRidley: amen\r\nJames: ok thx\n: ","ground_truth":"James wants to watch a good horror movie. Nick and Ridley recommended watching Rec."} +{"text":"Summarize the dialog.\n: Eleonor: ok gals where do we meet up next Sunday?\r\nPatricia: I'm out, my mother in law has bday :C\r\nTasha: oh fuck so you'll spend Sunday with Cercei then\r\nBetty: I want to meet up next to Palladium cinema\r\nEleonor: ok so we'll meet up (minus Pat) at Jeff's bar\r\nTasha: are u serious? bar? do you want to seduce a bald 40 yr old divorcee?\r\nPatricia: lol\r\nPatricia: looks I'll be missing out a lot\r\nBetty: isn't Gloria a bald 40 yr old divorcee too? \r\nEleonor: hahahaha\r\nPatricia: LOL\r\nTasha: \r\nBetty: let's meet up in that French place, it's not cheap but c'mon it's SO worth it\r\nTasha: agreed\r\nEleonor: ok\r\nPatricia: if she dies before Sunday I'll come too\r\nEleonor: lol\n: ","ground_truth":"Eleonor, Tasha and Betty agree to meet up in the French place next Sunday. Patricia can't come as the meeting collides with her mother-in-law's birthday."} +{"text":"Summarize the dialog.\n: Elisabeth: This is scary. Bolsonaro won in Brazil!\r\nRichard: I know, unbelievable. \r\nElisabeth: What is going on with this world?\r\nRichard: Apparently, we're going mad. Almost everybody, almost everywhere.\r\nElisabeth: Just like in the 1930s.\r\nRichard: I didn't want to say that, but I'm afraid you're right.\r\nElisabeth: Trump, Putin, Orban, Kaczynski, Erdogan... Ugly nationalists are in charge again.\r\nRichard: White, rich men...\r\nElisabeth: But who and why votes for them.\r\nRichard: You're not the only one asking now.\r\nElisabeth: Maybe we should do something. Join a party, start a movement? We should not just sit and watch the world collapsing.\r\nRichard: We shouldn't. But I think we need an international movement. Something that would exist and function transnationally, at least in Europe.\r\nElisabeth: That would be beautiful. Something that would not preach nation but humanity and brotherhood.\r\nRichard: And make all people read \"Imagined community\" by Anderson. We have to deconstruct the nation and move beyond it. And most of all, invest in education. Otherwise there will be a new war.\r\nElisabeth: We're heading there already! \r\nRichard: oh yes, inevitably :(\n: ","ground_truth":"Richard and Elisabeth are worried by the current rise of nationalist movements.They draw a parallel between the current situation and the 1930s. They ponder on the need for an international movement that would unify people of different nationalities. Otherwise - they fear - there will be war."} +{"text":"Summarize the dialog.\n: Chris: W8! There's more!\r\nJune: Feed it to me! Rly curious now!\r\nChris: At some point, we smashed into a wall downstairs and made a hole in it.\r\nJune: Jeez!\r\nChris: W8! There's more!\r\nJune: Do I want to know?\r\nChris: He was so wasted that he puked down between the drywall!\r\nJune: WTF?!\r\nChris: So funny! And he remained with his head in the wall for like 2 hrs!\r\nJune: Why didn't anybody help him?\r\nChris: Y would they? :)\r\nJune: He could've choked to death!\r\nChris: Nah, afaik he moaned from to time.\r\nJune: Please tell me that's the most hardcore thing that happened?\r\nChris: Oh, no! This party will be legendary!\r\nJune: What else?\r\nChris: Well, then there was this someone who started cooking.\r\nJune: Nothing out of the ordinary.\r\nChris: W8 for it! It turns out that they cooked one of Luke's fish!\r\nJune: WTF?! These really expensive sea fish?\r\nChris: Idk which one. It was rather big.\r\nJune: Not Nemo!\r\nChris: Lol. That's what the guy was shouting! That's Nemo all over again.\r\nJune: I rly liked that fish! :(\r\nChris: I can imagine what Luke will be feeling when he sobers up.\r\nJune: Poor Luke. I'll give him a call l8r. Did u know that he went 2000 kms just to buy that fish? It was in a way unique!\r\nChris: In what way?\r\nJune: Idk. He tried explaining it to me, but I forgot.\r\nChris: Shame on u!\r\nJune: Yeah, I know.\n: ","ground_truth":"At a party, he made a hole in Luke's wall and vomited inside. Someone cooked Luke's expensive sea fish. "} +{"text":"Summarize the dialog.\n: Nick: What have you bought Pete for his b-day?\r\nAngela: Nothing, Sarah said we might all pitch in for something bigger.\r\nNick: That would be great, keep me posted if you know more, OK?\r\nAngela: Sure thing.\n: ","ground_truth":"Nick and Angela discuss what to buy Pete for his birthday. Angela wants to join a money collection of Sarah to get something bigger. Nicks wants to be posted."} +{"text":"Summarize the dialog.\n: Mat: he doesn't answer. Shall i go?\r\nChris: yes give a try\r\nMat: ok but i'll have to wait 20 minutes...\r\nChris: doesn't matter. it would be done. Work on your presentation\r\nMat: i don't have it with me... bad luck\n: ","ground_truth":"Mat hasn't his presentation with him."} +{"text":"Summarize the dialog.\n: Josh: You're a nutter!!!\nJosh: I could never do things like that\nPaul: Wouldn't you ever do the bungee jumping or skydiving? C'mon that's not so scary :)\nJosh: hahahah\nJosh: Nope, I wouldn't do that :)\nPaul: The next time you're coming with me!\nJosh: No way, mate\n: ","ground_truth":"Paul didn't convince Josh to go bungee jumping or skydiving with him next time."} +{"text":"Summarize the dialog.\n: Jenny: Hi Lea, better than later but are you available on saturday night for a diner? Schuss\r\nLea: yep\ud83d\udc4d, we'll bring wine.\r\nJenny: it's safer \ud83d\ude02\r\nLea: bad luck we've already open the bottle. We'll take bubbles. Do you also want a dessert or something for the aperitif?\r\nJenny: ooohhh a dessert, yes!! but we are 6 or 8!!!\r\nLea: who are the others?\r\nJenny: the Meyer and maybe the Bright.\r\nLea: don't know them... great , new friends to come\r\nJenny: They're very funny\r\nLea: so 6 or 8?\r\nJenny: 8 \r\nLea: ok see you\n: ","ground_truth":"Lea and Jenny are going to eat dinner together on Saturday at 8pm with some other people. Lea will bring a dessert."} +{"text":"Summarize the dialog.\n: Jimmy: How are you?\r\nGreg: I'm wearing a cast :D\r\nJimmy: seriously? fuuck\r\nJimmy: do they even let you in when you're that drunk?\r\nGreg: they do and they hydrate you so you're not hungover the next day :D\r\nJimmy: you fucker\r\nGreg: :D:D:D\n: ","ground_truth":"Greg is now wearing a cast. "} +{"text":"Summarize the dialog.\n: Jennifer: Are you ready for the party?\r\nJessica: Oh yes!!\r\nJennifer: I will be fun! :D\r\nJessica: I love the DJ\r\nJessica: If it was just for him I would go\r\nJennifer: I really can\u2019t wait\r\nJennifer: It will be the party of the year\n: ","ground_truth":"Jessica and Jennifer are going to a party together."} +{"text":"Summarize the dialog.\n: Loreen: Sorry, dear Melissa, that I so abruptly disappeared from our chat yesterday. All of a sudden the connection was gone, which was as they explained to me due to a thunderstorm in the vicinity. Well, we heard it but never thought it could kill internet connection. Apparently in Mexico it can!\r\nLoreen: When I look at your photos now, I notice how well wrapped up you are. Icy wind on Belchen! Gives me shivers. But the views are stunning.\r\nMelissa: I guessed so much. No need to apologise, Loreen.\r\nMelissa: Any plans for a New Year's eve party?\r\nMelissa: We have already booked the same holiday apartment on Lake Constance we stayed in before. Peter is quite sentimental about it.\r\nLoreen: No, we do not really care about it.\r\nLoreen: A splendid idea. I remember you both liked it very much. How many times have you been in this flat yet?\r\nMelissa: This time it will be our third. Where will you be?\r\nLoreen: In Cuba, I think. But it's not sure yet where exactly. We'll have to do our bookings soon, as we'll probably have no internet there.\r\nMelissa: That's bad! How many weeks in Cuba?\r\nLoreen: 4 Long, eh?\r\nMelissa: Not when you're travelling around. Are you going to rent a car again?\r\nLoreen: No, not in Cuba. Too much hustle. They are said to have cheap and good public transport. Car rentals have rather prohibitive prices.\r\nMelissa: Oh is that so? I thought everything is cheap there.\r\nLoreen: Dunno yet. We'll see. What's the time your end?\r\nMelissa: 2:18 pm It must be early morning in Mexico now.\r\nLoreen: 8:12. We'll soon be going down for breakfast. Have a nice afternoon Melissa!\r\nMelissa: And you two a great day!\n: ","ground_truth":"Loreen lost her Internet connection. Melissa and Peter have booked a holiday apartment on Lake Constance for New Year's Eve. Loreen might spend 4 weeks in Cuba. She won't rent a car. Loreen will go down for breakfast soon."} +{"text":"Summarize the dialog.\n: Dorothy: Hi! You know what? Ron messaged me again\r\nLily: Hi! Oh God Almighty\r\nDorothy: He was really embarrassed\r\nLily: Well, that's understandable\r\nDorothy: Oh well, that Blake-ish poem was fun actually\r\nLily: Did you reply with a poem?\r\nDorothy: No, but I may do that, I feel more Shakespearian though: shall I compare thee to a drunken ass?\r\nLily: Hahah, but he's not a bad person after all, is he?\r\nDorothy: He is kind of nice, at least when he's sober\r\nLily: Doctor Ronnie and Mister Booze\n: ","ground_truth":"Dorothy tells Lily that Ron messaged her after a previous embarrassing message. They make fun of Ron being drunk."} +{"text":"Summarize the dialog.\n: Rene: hey there :)\r\nRene: just wanted to check with you, are we buying Karl a gift?\r\nKate: hola!\r\nKate: sure we do\r\nKate: didn't you see my message?\r\nRene: oops, I've missed it\r\nKate: right :D\r\nRene: seriously!\r\nKate: okay :) anyway, just send me the money and we're all set\r\nRene: will do\n: ","ground_truth":"Rene and Kate will get Karl a gift. Rene will send Kate the money for it."} +{"text":"Summarize the dialog.\n: Mandy: Did you know that Amy smuggled cocaine in Latin America?\nSarah: OMG!! \ud83d\ude40\nSvetlana: She's crazy. \nSvetlana: Why would she do that?\nMandy: She told me on Friday \nMandy: She said she didn't know.\nMandy: A guy she was with put it in her luggage \nSarah: What a bastard!!!\nSarah: I hope she didn't get in trouble.\nMandy: Luckily nobody realised. \nSarah: I would kill the guy \nSvetlana: That's horrible\nSvetlana: How can you do it to anyone? \n: ","ground_truth":"Amy unknowingly smuggled cocaine in Latin America. She didn't get caught. "} +{"text":"Summarize the dialog.\n: Ben: Rafal, how are you?\nRafal: Awesome, getting ready for the evening:D\nBen: In 2h and 30min, we can meet up:)\nBen: Cool\nRafal: Yee\nBen: Which subway exit is comfortable for you?\nRafal: All are fine, I haven't been there yet. Do you have any preferences?\nBen: I heaard that from exit 9 there are lots of restaurants, look at the map\nBen: \nBen: Which line are you supposed to take?\nRafal: I take blue line, so exit 9 will be perfect\nBen: good then I will be there\nRafal: Perfect, see you soon! \nBen: Ah and if I arrive there I will contact your wife\nBen: If you have something trouble\nBen: can you send me text message 0123456789\nBen: I don't have any data left, hahhah\n: ","ground_truth":"Ben and Rafal are meeting in 2.5 hours at the subway exit 9."} +{"text":"Summarize the dialog.\n: Martin: hi\r\nTony: hello\r\nMartin: i was wondering if you'd like to go with us to Oslo..\r\nTony: with us?\r\nMartin: with me and my wife\r\nMartin: of course you and your wife\r\nTony: hmm\r\nTony: when do you go there?\r\nMartin: for Christmas\r\nTony: oh, im sorry, we have to visit our parents\r\nTony: but thanks for offer\r\nMartin: no problem\r\nMartin: if you change your mind just let me know\n: ","ground_truth":"Martin and his wife are going to Oslo for Christmas. Tony is visiting parents, and can't go."} +{"text":"Summarize the dialog.\n: Jim: can you please confirm if you are coming to the party!!!\r\nJohn: i am so sorry i completely forgot to tell you.. \r\nJohn: me and marina would be there\r\nJim: thats great looking forward to see you guyss\n: ","ground_truth":"John is coming to Jim's party with Marina. He forgot to tell him."} +{"text":"Summarize the dialog.\n: Lorry: I'm running 10 min late..\nTereza: Ok dear, we are waiting in the main car park\nLorry: Is Tony coming along?\nTereza: Yes he just arrived\nLorry: Ok\nLorry: See you soon!\n: ","ground_truth":"Tereza is waiting with Tony at the main car park. Lorry will be 10 minutes late."} +{"text":"Summarize the dialog.\n: Sean: Ruby, do you know where is the little, red pan?\r\nRuby: oh, I threw it away, was completely burnt, not even red any more but black.\r\nSean: Not really, I kept using it. Was not the best, but definitely usable.\r\nRuby: Sorry, but I just found it disgusting.\r\nSean: Please, don't do this kind of things without talking to me.\r\nRuby: Sorry again! \n: ","ground_truth":"Ruby tossed away the small, red pan, although Sean was still using it."} +{"text":"Summarize the dialog.\n: Kate: I'm here \r\nKate: there was no place in Red Lion\r\nSteven: hey! but it's quite far away\r\nKate: c'mon it's just 10 min by bike!\r\nSteven: yes, but I'm not by bike\r\nKate: car?\r\nSteven: nope\r\nSteven: by foot :P :P \r\nSteven: anyway google maps says 15 min and I'm there:D\r\nKate: ok, w8in ^^\n: ","ground_truth":"Kate will meet with Steven in 15 minutes."} +{"text":"Summarize the dialog.\n: Cindy: Monsta-X is coming back with their new album!\ud83d\ude0d\nCindy: What date is it? I have been waiting for their new album so badly!!\nMaria: 7th of July********\nMaria: They set the date to come back because it is Hwi's birthday!!!!!!!\nCindy: I like Hwi most! So nice!\ud83d\ude0d\ud83d\ude0d\ud83d\ude0d\ud83d\ude0d\ud83d\ude0d\ud83d\ude0d\ud83d\ude0d\ud83d\ude0d\nCindy: AND WOW! I found just now their new song is already on M-net chart!\nMaria: You can go to their homepage and leave some messages for them\nMaria: I already did!\ud83d\ude01\ud83d\ude01\ud83d\ude01\ud83d\ude01\ud83d\ude01\ud83d\ude01\nMaria: And don't forget you should download their new song as well!!\nCindy: Of course!\ud83d\ude0a\ud83d\ude0a\ud83d\ude0a\n: ","ground_truth":"It is July 7th and Cindy is looking forward to Monsta-X's new album. Maria knows that this date has been chosen because of Hwi's birthday. He is Cindy's favourite. Maria has left a message on the band's website. Their new song is already on M-net chart."} +{"text":"Summarize the dialog.\n: Lauren: Uhh, I hate autumn...\r\nDiego: Oh? I don't really mind it. Summer is too hot for me, so autumn is pretty much perfect.\r\nLauren: Are you serious? With the weather we have today?\r\nDiego: I mean, it could be worse...\r\nLauren: Worse? I'm soaked through and through, it's a complete disaster.\r\nDiego: Did you forget your umbrella?\r\nLauren: No, but there's no way I could actually use it when it's this windy. My hair is a mess too. Ugh...\r\nDiego: What's the big deal? It'll dry in a while, won't it?\r\nLauren: That's not it, it's all frizzy and disgusting... and I washed it just this morning, I'm so upset\r\nDiego: I guess I'm glad I don't have such problems\r\nLauren: Sheesh. Thanks, Diego, I can always count on you to cheer me up. Why did I even write to you??\n: ","ground_truth":"Lauren hates autumn but Diego doesn't complain."} +{"text":"Summarize the dialog.\n: Dora: Good evening dad! How are you getting on?\r\nDaddy: Very well indeed. We are just about to leave.\r\nDora: Splendid. Just wanted to make sure everything's alright.\r\nDaddy: No worries. It is.\n: ","ground_truth":"Dora asks Dad if everyting is ok and it is."} +{"text":"Summarize the dialog.\n: Liz: we're going to Madrid!\r\nKatherine: say whaaaat gurl\r\nLiz: yeah, me and Jerry\r\nLiz: first to Berlin\r\nLiz: we're there for like two nights\r\nLiz: and then we fly to Spain! \r\nKatherine: niceeee\r\nLiz: end of March, beginning of April\r\nLiz: im so exciteeeeed\r\nKatherine: happy for u :)\n: ","ground_truth":"Liz and Jerry will go to Madrid at the end of March. They will spend two nights in Berlin first. "} +{"text":"Summarize the dialog.\n: Kelly: Hey :]\r\nCohen: What's wrong ?\r\nKelly: What? Why what's wrong? Is it wrong i wrote to you?\r\nCohen: Looked like a frown. Sorry I just woke up\r\nKelly: Ok. How are you?\r\nCohen: I'm good thanks and yourself ?\r\nKelly: So so. Could be muuuuuch better\n: ","ground_truth":"Cohen has just woken up."} +{"text":"Summarize the dialog.\n: Kate: honeeeeey\r\nKate: the TV isn't working\r\nKate: what do I do?\r\nKate: \r\nJared: Have you tried turning it on?\r\nKate: .... well thanks, honey\r\nJared: Glad I could help.\r\nKate: And you know, if your key suddenly stops working\r\nKate: just go somewhere else.\r\nJared: ooooh, c'mon, admit it, it was a little funny?\r\nKate: not at all!!\r\nJared: OK, I'll be home in a minute, I'll have a look\r\nKate: better go fast, the locksmith is already here\r\nKate: \n: ","ground_truth":"Kate can't watch the TV, because it stopped working. Jared will be back in a minute to help her."} +{"text":"Summarize the dialog.\n: Mike: hey have you played RDR2 already?\r\nJack: of course\r\nJack: I think I'm halfway through\r\nMike: ooooh\r\nMike: and whaddya think?\r\nMike: coz I've just started\r\nJack: what can I say, it's freaking great\r\nJack: the storytelling, the acting, the graphics, immersiveness (is that a word? hehe)\r\nJack: you know, when I was a kid, I used to play with cowboy-themed lego sets\r\nJack: so it's like a dream coming true for me :D\r\nMike: haha\r\nMike: totally\n: ","ground_truth":"Jack likes RDR2 mainly for the narration, acting and the graphics. Jack used to play with cowboy-themed lego sets when he was a child."} +{"text":"Summarize the dialog.\n: Julia: Adam, are you coming today?\nJulia: Adam, you are already an hour late, let me know asap\nKate: He texted me before that he isn't feeling very well\nJulia: Thanks\nAdam: I had an appointment, sorry, but I have a stomach flu\n: ","ground_truth":"Adam has a stomach flu. "} +{"text":"Summarize the dialog.\n: Mary: That\u2019s great news! I\u2019m so happy that you\u2019re coming home! Would you like to say over at your parents\u2019 house?\nJosh: Don\u2019t no yet. Probably I\u2019ll stay at the hotel close to the city center. My parents live an hour from the city\u2026\nMary: Sure, we should meet when you come. \nJosh: Of course! \nMary: Call me when you\u2019re in London. I don\u2019t have any plans for the weekend\nJosh: Do you want to meet at Gary\u2019s?\nMary: Yes, that\u2019s our favorite pub \ud83d\ude0a\nMary: Maybe John and Lucy can join us\nJosh: Perfect \ud83d\ude0a\nMary: I\u2019ll call them today\nJosh: \nMary: \nJosh: \ud83d\ude0a\n: ","ground_truth":"Josh is coming to London. He is going to stay at a hotel. He is going to meet Mary at Gary's pub on the weekend. Mary is going to invite John and Lucy as well."} +{"text":"Summarize the dialog.\n: Grayson: What do you think, should I shave my head?\r\nGregory: what?\r\nHalbert: you've got a great hair though...\r\nGrayson: I'm tired of washing it and then drying...... it takes a lot of time....\r\nGregory: If you really want, why not\r\nGrayson: I will do that, hope you will recognize me ;p\n: ","ground_truth":"Grayson is going to shave his head."} +{"text":"Summarize the dialog.\n: Cisco: So here's a clip that should put a smile on your face!! :D\r\nCisco: \r\nRuth: oh my gosh, it's James Veitch - i love that guy!!\r\nRuth: did you see the TED talk where he talks about spamming\r\nCisco: OMG yes! He is such a legend!!!\r\nRuth: i seriously want to meet him one day \r\nRuth: \"James, we need to talk about the ducks\" \"what ducks?\" \"the bathroom ducks\" \"what bathroom ducks?\" \"the tiny rubber ducks in the bathroom\" \"Oh, those bathroom ducks!\" XD\r\nCisco: i love that guy :') and that titanic scene tho!\r\nRuth: hahaha\n: ","ground_truth":"Cisco has sent Ruth a clip with James Veitch."} +{"text":"Summarize the dialog.\n: Alice: Hi Mary, It's Alice.\r\nMary: Do you change mobile number?\r\nAlice: No it's my mom phone. My mobile is broken.\r\nMary: What happened?\r\nAlice: I dropped it into the bath :(\r\nMary: What?! You are crazy!\n: ","ground_truth":"Alice dropped her mobile phone into the bath and it's broken."} +{"text":"Summarize the dialog.\n: Mary: How's married life treating you?\r\nLouise: Aw, perfect...\r\nMary: Already back from your honeymoon?\r\nLouise: Unfortunately yes... It's been amazing!\r\nMary: I can imagine. So what did you do?\r\nLouise: We just relaxed and did nothing at all. We didn't even sightsee much :D\r\nMary: Just spending time with each other was enough, I guess?\r\nLouise: Exactly.. <3\n: ","ground_truth":"Louise is already back from her honeymoon, which she enjoyed a lot. Louise and her new husband relaxed and didn't do much during the trip."} +{"text":"Summarize the dialog.\n: Lukass: I washed dishes so I couldn\u2019t reply\r\nLukass: \ud83d\ude0a\r\nMarta: It\u2019s okay \ud83d\ude0a\r\nLukass: Yeah I see :D\r\nMarta: So what\u2019s new?\r\nLukass: Actually I started new school. \r\nLukass: How bout you?\r\nMarta: Actually there\u2019s nothing new ;\/\r\nLukass: That\u2019s sooo baaad\r\nMarta: Why? \ud83d\ude0a\r\nLukass: Because there\u2019s nothing new\r\nLukass: Marta just think about the world where nothing is new \ud83d\ude0a\r\nMarta: Ok, that\u2019s right \ud83d\ude0a\r\nMarta: maybe it wasn\u2019t too good\r\nMarta: I miss you too :c\r\nLukass: Actually I miss Patty and you the most but I miss everyone also \r\nMarta: yup, in our school same\r\nLukass: It\u2019s really sad\r\nMarta: yeah I want erasmus again!!!\r\nLukass: Maybe next year\r\nMarta: maybe\r\nLukass: But if no then i will come to Rybnik by my bike\r\nLukass: :D\r\nMarta: Ok then I will go to Alutus\r\nLukass: ok deal :P\n: ","ground_truth":"Lukass started a new school. Lucass misses Marta and Patty the most. Marta wants erasmus again. Lukass may come to Rybnik by bike, and Marta to Alutus. "} +{"text":"Summarize the dialog.\n: Jessica: How about u, Mickey? Scariest place?\r\nMickey: Me? Aokigahara Forest in Japan.\r\nOllie: Are you afraid of trees or leaves? :P\r\nKelly: Isn't it call the Suicide Forest?\r\nMickey: That's the one.\r\nJessica: And what's so scary about it?\r\nMickey: It has a creepy vibe to it. Imagine: loads of pieces of string or tape, letters all over the place, overwhelming silence and the darkness of the night if you get lost\r\nOllie: Doesn't sound that bad.\r\nMickey: And if told you that the pieces of string lead to the bodies of ppl who committed suicide?\r\nKelly: Stop it! It's already giving me goosebumps!\r\nJackie: Maybe this wasn't such a good idea?\r\nOllie: Which one?\r\nJackie: To talk about the scariest places.\r\nOllie: Nah. We're just talking. Nothing scary about it. Or is it? ;)\r\nKelly: Ollie, stop! I'm rly terrified!\r\nMickey: No need. The forest is beautiful. I've heard that more ppl commit suicide on the Golden Gate than in that Forest.\r\nKelly: And that's supposed to make me feel better?\r\nMickey: Well, yes.\n: ","ground_truth":"Jessica, Mickey, Ollie and Kelly are talking about the scariest places. For Mickey it is Aokigahara Forest in Japan, also called the Suicide Forest. This scares Kelly, but Mickey tries to calm her with the fact that more people commit suicide on the Golden Gate Bridge than in that forest."} +{"text":"Summarize the dialog.\n: Diana: Dear Leo and Yadani, just to let you know I've added you to my whatsapp contacts. I hope you don't mind.\r\nLeo: Of course not! We feel flattered.\r\nDiana: You are such beautiful people and I'm happy that I've met you. :x :x\r\nLeo: Thank you. The feeling is mutual.\r\nLeo: 8-D\r\nDiana: Marcus and I are also very thankful for all your hospitality and tasty breakfasts. It was so grand of you to get the cheese for me! Thank you very much.\r\nLeo: My pleasure. You should have told me at once that you are vegetarian. No problem for me to get you cheese very day. And ham for Marcus.\r\nDiana: Absolutely lovely of you! Your breakfasts keep us going till late afternoon.\r\nDiana: And we love your fruit salads!\r\nLeo: We will get an extra portion tomorrow!\r\nDiana: :))\r\nDiana: :x\n: ","ground_truth":"Diana and Marcus are grateful for hospitality and breakfasts that Leo and Yadani prepare for them. "} +{"text":"Summarize the dialog.\n: Brooke: How's your arm? \u2764\ufe0f\r\nDestiny: It's much better, thanks \ud83d\ude0a\r\nDestiny: They took off the cast yesterday, luckily it was only fractured and not broken :)\r\nDestiny: I'm busy with some preparations, I'm applying to showcase my new stuff at various artisan markets :)\r\nDestiny: Look at these \r\nDestiny: \r\nDestiny: \r\nDestiny: \r\nDestiny: \r\nBrooke: I'm glad your arm is better, great news!!! \ud83e\udd17\ud83e\udd17\r\nBrooke: Wow!! I love the cat statue and the dog!! \ud83d\ude0a\ud83d\ude0a\ud83d\ude0a\r\nBrooke: Have you added them to your website yet?\r\nDestiny: No, not yet, but I will be adding them later on today :)\r\nBrooke: So when are the markets? I would like to come \ud83d\ude03\r\nDestiny: I will be showcasing my new collection at the spring art fair this weekend :) I'll send you the details ;)\r\nDestiny: \r\nBrooke: Brilliant!! I'll come along, that should be fun!\r\nDestiny: Awesome \ud83d\udc9b\ud83d\udc9a\ud83d\udc9c \n: ","ground_truth":"Destiny had a fractured arm, but she is now able to prepare new things for her showcase. Destiny will be showing her new collection at the spring art fair this weekend. Brooke will come along."} +{"text":"Summarize the dialog.\n: Lizzy: Were you at the opening of Monica's gallery yesterday?\r\nJohn: Yes, but I was a little bit late.\r\nLizzy: Too bad! First speech was the best.\r\nJohn: Why? \r\nLizzy: Monica talked about her last trip and she showed some really funny pics.\r\nJohn: And what about Mark?\r\nLizzy: What do you mean?\r\nJohn: Was he with her yesterday?\r\nLizzy: Yes, they are \"best friends\" - you know what I mean :)\r\nJohn: Really? I was sure he is with Jenny...\r\nLizzy: No, they were only on one date. \r\nJohn: Monica suits him better, she is just as crazy as he is\u2026\r\nLizzy: :) \u2026 and just like you!\n: ","ground_truth":"Lizzy and John were at the opening of Monica's gallery yesterday. Monica gave an interesting speech. Monica and Mark are together."} +{"text":"Summarize the dialog.\n: Darcie: hey\r\nDarcie: how is it going, are you busy?\r\nHarvey: no that much. Why?\r\nDarcie: I was thinking we could eat lunch together?\r\nHarvey: not this time, I've got business lunch at 1 :(\r\nDarcie: \n: ","ground_truth":"Harvey won't eat lunch with Darcie as he's got business lunch at 1. "} +{"text":"Summarize the dialog.\n: Sharon: Hi Dave, how's the report going?\r\nDave: Getting there, Sharon!\r\nSharon: Hope it'll be done by tomorrow, the clients are anxious to close this soon.\r\nDave: Well, Sharon, I'm working flat out here! I've maybe got a couple of pages left to do.\r\nSharon: OK, just get it done! Right!\r\nDave: Look, Sharon, I'm up to my eyes in it, maybe you could do the conclusion if I send you rest of the report?\r\nSharon: Well, I could do, it's just that my hairdresser's coming over so Iook good for the meeting tomorrow. I trust you to do it right, Dave.\r\nDave: OK, see you tomorrow.\r\nSharon: Well done, Dave, you're a star!\r\nDave: Yeah, bye.\n: ","ground_truth":"Dave has a lot of work with the report. Sharon requires it to be done by tomorrow as the clients want to deal with it quickly. Sharon can't write the conclusion of the report, as her hairdresser is coming over, so that she looks good at the meeting tomorrow."} +{"text":"Summarize the dialog.\n: Daisy: Do you think this dress looks like a bathrobe?\r\nLogan: No! Why?\r\nDaisy: Well, it's plaid and belted. Thought maybe it was giving a bathrobe vibe!\r\nLogan: Not for me. I think it looks nice.\r\nDaisy: Thanks! That's not why I was asking...\r\nLogan: I know, but it does look nice.\r\nDaisy: Thanks! Blush!\n: ","ground_truth":"Logan likes Daisy's dress and doesn't think it looks like a bathrobe."} +{"text":"Summarize the dialog.\n: Ben: Can u send me uncle Joe's number? \r\nAdam: Sure. What do you need it for?\r\nBen: My car broke down and he's an expert.\r\nAdam: Or so he says :P Wait, I need to ask Dad, I don't have uncle Joe's number either.\r\nBen: OK, there's no rush, I borrowed Rosie's car for today.\n: ","ground_truth":"Ben's car broke down and he needs to contact uncle Joe, who's an expert in cars. Adam needs to ask Dad for uncle Joe's number. For today, Ben borrowed Rosie's car. "} +{"text":"Summarize the dialog.\n: Sara: Hi dear, I'm going shopping and was wondering what I should make for dinner.\r\nAna: Hm, good question.\r\nSara: Is Daniel allergic to anything?\r\nAna: Allergic no, but lactose intolerant.\r\nSara: That definitely doesn't make it easier.\r\nAna: If it's a problem, don't worry about it. He can take his medication and should be fine.\r\nSara: No, no, no, I'll figure something out :)\r\nAna: But really, Sara, Daniel's absolutely fine, don't go out of your way just for us.\r\nSara: Nonsense. I was thinking about making many varied dishes than just one. What cuisine do you like?\r\nAna: I'm not a picky eater and Daniel's quite adventurous, so we're easy, except for Daniel's intolerance.\r\nSara: Ok, fusion it is then :)\r\nAna: Do you need me to bring anything?\r\nSara: Hm, maybe something sweet, if you don't mind?\r\nAna: No problem at all!\r\nSara: Perfect, I'm awful at baking, so I'd appreciate your help with that.\n: ","ground_truth":"Sara is looking for dinner ideas that would take Daniel's lactose intolerance into consideration. Ana will bring dessert at her request."} +{"text":"Summarize the dialog.\n: Ann Marie: Hi Maria, I can't find the receipt for our airbnb in Boston, do you have them in your email box?\r\nMaria: Wait, I have to check, it was so long ago.\r\nAnn Marie: I know, sorry.\r\nMaria: What do you need them for?\r\nAnn Marie: It turned out that I am eligible for a reimbursement of the travel costs\r\nMaria: From whom?\r\nAnn Marie: My university\r\nMaria: That's great. I'll find the receipt and forward it to you.\r\nAnn Marie: Thanks a lot!\n: ","ground_truth":"Maria will send Ann Marie the receipt for the airbnb in Boston, because Ann Marie wants the university to reimburse her travel costs."} +{"text":"Summarize the dialog.\n: Peggy: can you recommend a dentist? I have a toothache:\/\r\nShane: Dr. Smith for sure, in the Centre clinic\r\nMeg: Im sorry about the toothache, Peggy:(\r\nMeg: I've heard he's good, he'll help you.\r\nPeggy: thanks guys! :*\n: ","ground_truth":"Shane recommended Dr. Smith to Peggy, a dentist in Centre clinic."} +{"text":"Summarize the dialog.\n: Alan: All right? D'you wanna do owt after work?\r\nDanny: Could have a walk around and catch up, I suppose. Have a drink\r\nAlan: I'll come to the foyer at about 6:30 then, OK?\r\nDanny: OK. I'll try and be ready to leave by then. Let me know when you're about five mins away.\n: ","ground_truth":"Danny and Alan will meet in the foyer around 6:30."} +{"text":"Summarize the dialog.\n: Lee: man, my new keyboard just got delivered!\nArchie: what did you get?\nLee: the new Blackwidow\nArchie: not a big fan of Razer myself\nLee: most of my peripherals are from Razer\nLee: and I never had a problem with them\nArchie: how's the new one?\nLee: it's hard to get used to the mechanical switches\nLee: but I'm very pleased with the purchase\nArchie: it takes some time to adapt from a membrane keyboard to a mechanical one\nLee: I know, that's why I'm not worried at all\nLee: it will get better with every day\nArchie: btw how loud is it?\nLee: definitely louder than my last one\nLee: the click is much more defined\nLee: but not to the point it would bother me\nArchie: I should switch to a mechanical one as well\nLee: what stops you?\nArchie: most of my peripherals are from Logitech\nArchie: but so far I can't find any of their mechanical keyboards that suit my needs\nLee: why not buy from another brand?\nArchie: probably a question of habit :)\nArchie: besides I don't want to install yet another software alongside the Logitech one\nLee: yeah that's annoying\nArchie: so I'll either find a good mechanical kb from Logitech or I'll switch all my peripherals at the same time\nArchie: either way not on my priority list as long as everything else is working\nLee: well good luck with that!\n: ","ground_truth":"Lee just got a new mechanical keyboard."} +{"text":"Summarize the dialog.\n: Vicky: working?\r\nSonia: trying hard :P\r\nVicky: what's the result?\r\nSonia: I'm bored...\r\nVicky: if you want, I'll call you and entertain u. \r\nVicky: I've got two funny stories to tell you\r\nSonia: hm.. ok, let's do it!\r\nVicky: I just need 10 min\r\nVicky: I need to grab sth to eat\r\nSonia: actually I need to finish sth\r\nSonia: it shouldn't take more than 20min\r\nSonia: and then I'll call you\r\nVicky: deal\r\nSonia: ;-)\n: ","ground_truth":"Vicky will call Sonia to entertain her as she's bored."} +{"text":"Summarize the dialog.\n: Dan: Where are we meeting?\r\nArabella: at the main gate of Jesus College \r\nMatteo: I overslept! Sorry!\r\nMatteo: will be late about 15min\r\nArabella: ok, but hurry up, the bus won't wait and it's at 10\r\nDan: it doesn't make sense for me to got to Jesus College, we'll meet at the station \r\nArabella: as you prefer, so maybe I'll just go directly there as well\r\nDan: Matteo, so don't go to Jesus College, come to the station\r\nMatteo: Understood. Should I take some sandwiches?\r\nDan: Sure, we're going to wander for a few hours\r\nMatteo: ok\r\nArabella: I have a lot of food, so if you have no time, just come to the station\r\nMatteo: so nice of you!\n: ","ground_truth":"Dan and Arabella will meet at the main gate of Jesus College. Matteo overslept, so he will come straight to the station. Arabella will give him some food. "} +{"text":"Summarize the dialog.\n: Sixx: have you seen that new place on sandy park road\r\nLucy: no what is it\r\nSixx: Its a deli style cafe with a little deli style shop bit\r\nLucy: how hippy?\r\nSixx: medium hippy...\r\nLucy: avocado?\r\nSixx: probably\r\nLucy: bearded blokes?\r\nSixx: none spotted\r\nLucy: let's go! 4ish?\r\nSixx: see you there\n: ","ground_truth":"Sixx and Lucy are going to see at deli style cafe on Sandy Park Road around 4 pm."} +{"text":"Summarize the dialog.\n: Sam: can u turn down the music? I'm trying to sleep\r\nFan: ok, ok, don't make a fuss\r\nSam: just do it!\n: ","ground_truth":"Fan will turn down the music at Sam's request. "} +{"text":"Summarize the dialog.\n: Kai: Should we meet at the railway station?\r\nFaith: I will land about 3pm, I don't know how long it will take to arrive to the city centre \r\nKai: About 1h-1,5h\r\nFaith: Ok, so 4.30 at the railway station?\r\nKai: yes!\r\nFaith: But how to arrive there? \ud83d\ude05\r\nKai: Just take the underground train at the airport, it will bring you to the main station, about 2 Euro I think\r\nFaith: ok, sounds easy\r\nKai: it is\r\nFaith: See you there!\r\nKai: See you!\n: ","ground_truth":"Faith will meet Kai 4.30 at the railway station. Faith will take the underground train to get to the airport."} +{"text":"Summarize the dialog.\n: Marissa: What to do with Francesca after?\r\nDevin: She goes home \ud83d\ude09\r\nMarissa: But how? She can't walk\r\nAlexandra: Wait a second. If they give her a prescription for antibiotics, please go with her to the nearest pharmacy. Or let her stay at the hospital, go alone, and buy them. They should be for free anyway. If they have already given her antibiotics, then send me your exact location and I'll book a taxi for her to go back home.\r\nJacqueline: From the only time in life I had it, I remember is one of the worst pains ever for a woman! I get that she can't walk... I wasn\u2019t even able to stand!\r\nMarissa: With a good pain killer for today and tomorrow and the antibiotics given by the doctor at the hospital, she should be fine by Monday! No worries, I will go to that pharmacy.\r\nAlexandra: Ok\u2026 Get in touch again once you are done\r\nMarissa: Ok\r\nJacqueline: Can you tell Francesca she is off tomorrow? She is working on Monday from 3pm.\r\nMarissa: Sure.\n: ","ground_truth":"Francesca is being released from hospital. She is off tommorow, but working on Monday from 3pm."} +{"text":"Summarize the dialog.\n: Aston: I can't believe our trip to Japan is in 3 months already, feels like I booked it just yesterday\r\nMona: True!\r\nMona: I'm really excited about it too, can't wait to go back there <3\r\nAston: If only it wasn't so far away we could go there more often but it can't be helped\r\nMona: Ah, speaking of which!\r\nMona: How much do I owe you for the plane tickets?\r\nMona: You should've reminded me, I keep forgetting and time flies by without me even noticing\r\nAston: I told you you could pay me back whenever, it's not a big deal\r\nAston: It was 600 euros\r\nMona: Hmm, do you want that in cash? Or should I send you a transfer?\r\nAston: Whichever is fine!\r\nMona: Then I'd rather transfer. Can you give me the details?\n: ","ground_truth":"Aston and Mona are going to Japan in 3 months. Mona owes Aston 600 euros for the tickets. She will transfer the amount."} +{"text":"Summarize the dialog.\n: Mandy: I have been thinking for a a while to admit our son in primary school. But don't know if it is right time to do so or should I wait for sometime.\r\nJordan: I've been thinking the same Honey, Let me reach home from office then we will discuss it. \r\nMandy: Just call Alex. He would be able to tell much better as he has experience with such things and he is well aware about our son's health and age.\r\nJordan: Ok I will call him as soon as i get free from work. and will tell what he said, you at night.\n: ","ground_truth":"Mandy and Jordan are thinking about admitting their son to primary school. Jordan will call Alex to find out his opinion and they will discuss later."} +{"text":"Summarize the dialog.\n: Julia: hah check out this quiz \r\nAndrea: that's totally what we were talking about the other day!\r\nTerry: What's your result?\r\nJulia: I'm in the middle, I'll let you know. And share your results too ;)\r\nTerry: sure\r\nAndrea: of course ^^\n: ","ground_truth":"Julia's taking the quiz at the moment."} +{"text":"Summarize the dialog.\n: Jessie: What do you think of this place?\r\nJessie: \r\nLily: Oooh, I like the decor, it looks like it has a good feel\r\nJessie: Yeah, exactly, it doesn't seem like it's too over the top.\r\nLily: How did you find it?\r\nJessie: My friend from high school recommended it, she said she had her high school grad party there, but said the place was nice. nothing tacky or cheesy\r\nLily: Mmm yeah yeah, ok well I can call them and ask them what the price would be for 30 people \r\nJessie: Yeah that sounds good.\n: ","ground_truth":"Lily finds the place recommended to Jessie by her friend nice. Lily offers to call and ask about the price they expect for 30 people there."} +{"text":"Summarize the dialog.\n: Ron: I too have plans for the weekend. Thanks for asking, btw.\r\nTaylor: I was going to! So what are ur plans?\r\nHarry: Oh, did the princess get offended? :P\r\nRon: Harry, not as much as yo mama!\r\nRon: Taylor, I'm going to an art exhibition :)\r\nHarry: You bastard! That's it? Art exhibition?\r\nTaylor: Yeah, what's the fun in that?\r\nRon: Thanks 4 ur support. Actually, my pictures are going to be there too. I'm one of the authors.\r\nTaylor: Ur first exhibition?! Congratulations! I'm so happy 4 u.\r\nHarry: Y didn't u say! I would've cancelled or put off my plans!\r\nRon: Nah, that's fine. Thanks, guys.\n: ","ground_truth":"At the weekend Ron is going to an art exhibition where his pictures are going to be displayed."} +{"text":"Summarize the dialog.\n: Ethan: Congratulations. I just heard that you had a baby boy\r\nLilly: Thank you so much you congratulated me :)\r\nEthan: Whats his name?\r\nLilly: We havent decided yet. Its been only 2 days since he has come\r\nEthan: You can name him Ethan\r\nLilly: Shutup. His father will decide the name\r\nEthan: BOL :) \n: ","ground_truth":"Ethan congratulates Lilly on her baby boy. The baby's name is not yet decided."} +{"text":"Summarize the dialog.\n: Jim: Hey, you want share a ride to work today?\r\nTim: Yeah, why not?\r\nJim: Meet you out front your house in 15 then\r\nTim: Ok, see ya.\n: ","ground_truth":"Jim and Tim are sharing a ride to work today. Jim will pick Tim up in 15 min."} +{"text":"Summarize the dialog.\n: Cady: I'm at the sandwich shop, would you like anything before i get home\r\nAaron: YES!!! I don't feel like cooking :-\/\r\nCady: what would you like?\r\nAaron: what are you having?\r\nCady: a meatball sub\r\nAaron: mmm, what else is on the menu?\r\nCady: roast beef sandwich?\r\nAaron: no\r\nCady: spicy meats sandwich?\r\nAaron: no\r\nCady: vegetarian sandwich?\r\nAaron: no\r\nCady: they also sell personal pizzas\r\nAaron: that sounds amazing\r\nCady: what toppings would you like?\r\nAaron: pepperoni and italian sausage\r\nCady: anything else?\r\nAaron: that's it. could you also bring me a soft drink, please? orange will do.\r\nCady: we have some home\r\nAaron: ok, then that's it for me.\r\nCady: see you in a bit\n: ","ground_truth":"Cady will take a personal pizza with pepperoni and Italian sausage and also a soft drink for Aaron."} +{"text":"Summarize the dialog.\n: Katarina: Hello, I got your contact details from Liz, we work together\nJill: Hi :)\nJill: Liz told me you would contact me\nKatarina: :) I'm looking for a flat to rent, is your flat still available?\nJill: Yes. I mean, someone is coming to see it this afternoon but for now it is\nJill: Do you want to see it today?\nKatarina: Yes, that would be great, I can be there after 6 pm\nJill: OK, anytime after 17:30 will be perfect\nJill: \nJill: \nKatarina: Thank you, looks very nice and sunny\n: ","ground_truth":"Katarina wants to rent a flat from Liz. She will come visit it today after 6 pm."} +{"text":"Summarize the dialog.\n: Cora: what do you think about going to a spa? \r\nKaylee: I've done a research and this one looks the best\r\nLydia: Nice idea, we will finally get some rest\r\nCora: Ye... this schoold is driving me crazy\r\nKaylee: Done, I've bought a groupon, that one is on me!\r\nLydia: Kaylee you are crazy\n: ","ground_truth":"Cora, Kaylee and Lydia are going to a spa. Kaylee pays for everything."} +{"text":"Summarize the dialog.\n: Fiona: Roger broke up with me.\nBen: Again?\nFiona: This time it's for good\nPolly: I'm sorry\nFiona: He left me for another lady\nBen: How do you know?\nFiona: He told me\nBen: Roger tells lots of things\nFiona: I know\nFiona: But he really has someone else\nFiona: I broke into his FB account\nFiona: Her name is Mandy and she's a model\nPolly: What an asshole!\nBen: Roger is a dick\nBen: He did you a favour by leaving you \nBen: I'm sorry for this model\nBen: You should forget him as soon as possible\nBen: Really\nFiona: I'm devastated \n: ","ground_truth":"Roger left Fiona for Mandy, who is a model. Fiona broke into his FB account. She is devastated."} +{"text":"Summarize the dialog.\n: Ellie: there is no point anymore for you to come here ;x\r\nMelanie: why not? :(\r\nEllie: everyone is going home in an hour it just makes no sense for such a long trip\r\nMelanie: ok.. I screwed up sorry :(\r\nEllie: no worries, we can meet next time\n: ","ground_truth":"It's to late for Melanie to join because everyone is going home in an hour."} +{"text":"Summarize the dialog.\n: Ford: when should I go and pick you up?\r\nGary: I think that 6.30PM would be just fine\r\nGerard: for me it is also fine\r\nFord: OK!\r\nFord: The bitches don't know what's coming\r\nGary: we wil kill that party\r\nGerard: I guess that another door will fly :)\r\nFord: haha, don't turn your \"Andrew\" mode on :))))\r\nGary: XD\r\nGerard: I bet that they will accidentally be pull out from hinges once more ;P\n: ","ground_truth":"Ford will pick up Gary and Gerard at 6.30 to go to the party. "} +{"text":"Summarize the dialog.\n: Charles: guys, we're forming a band!!!!!!\r\nMartin: what are you talking about man :D\r\nCharles: a fucking band man, guitars, drums, keyboard and off we go!\r\nDaniel: ok, but are you playing any instruments? I'm playing a guitar as you know, but I guess it's not enough for the band xD\r\nMartin: yep, and the vocals :P\r\nCharles: you always know how to destroy childhood dreams...I'm gonna cry\r\nMartin: xDDDDDDDD\r\nDaniel: oh c'mon...but seriously, why such an idea?\r\nCharles: listen\r\nCharles: Daniel knows the guitar, I know THE DRUMS perfectly ( yep, a secret weapon of mine), Martin can be a singer and we can always find a drummer\r\nCharles: why not to do it? are we gonna spent the entire university drinking and banging?\r\nDaniel: actually...it's not that stupid\r\nCharles: you see!!! let's do it\r\nMartin: have you ever heard me singing? I sound like a dying whale\r\nCharles: you're exaggerating, I've heard you once or twice and I liked it, so don't fuck with me\r\nMartin: ok I'll think of it\r\nMartin: but wait...you're playing drums???????? :o\r\nCharles: there are still a lot of things you don't know about me B-)\n: ","ground_truth":"Charles wants to form a band and involve Martin as a singer, himself as a drummer and Daniel as a guitarist. "} +{"text":"Summarize the dialog.\n: Peter: Why are you not here?\nLiam: we had a little accident on the way\nPeter: what?\nLiam: nothing serious, but we will be late\nSam: is everything ok?\nLiam: sure\nJenny: nothing serious, really\n: ","ground_truth":"Peter is waiting for Liam and Jenny. They'll be late, because they had a little accident. They are OK."} +{"text":"Summarize the dialog.\n: Noah: US has officially withdrawn from nuclear weapon treaty!!\r\nSebastian: I know. :\/ Scary, isn't it?\r\nNoah: Mhm, everyone says, it's the beginning of the second Cold War. Do you think so?\r\nSebastian: I don't know, honestly. I hope that US will manage to convince Russia and China to sign a new treaty.\r\nSebastian: I can't imagine the next arms race.\r\nNoah: Well, I think that arms race has actually never ended, but at least it hasn't been full-blown.\r\nNoah: It feels like the end of a certain era...\r\nSebastian: I hope that it all won't end with the outburst of the third world war.\r\nNoah: Me too. :(\n: ","ground_truth":"Noah and Sebastian are concerned about the consequences of the US withdrawing from the Nuclear Weapon Treaty. "} +{"text":"Summarize the dialog.\n: Olivia: Where's Dave?\r\nJerry: He had to go to a funeral today\r\nSamantha: Oh\r\nOlivia: :(\r\nSamantha: Was it some close relative of his?\r\nJerry: As far as I know it was his aunt's brother\r\nOlivia: Ok\r\nSamantha: Ok\r\nJerry: He didn't even know him too much but still had to go to the funeral\r\nOlivia: Ok, got it\n: ","ground_truth":"Dave is attending his aunt's brother funeral today."} +{"text":"Summarize the dialog.\n: Lillian: I'm looking for a dress for the wedding\nDrake: Why do you need a dress? Go naked! \ud83d\ude1c\nLillian: I didn't know it would be such a nightmare\nLillian: Ha ha ha\nBen: Why?\nLillian: I cannot find anything I like...\nLillian: that would look good on me\nSamantha: I can relate...\nSamantha: I was desperate\nSamantha: But finally I found something ok-ish \nLillian: What are you talking about???\nLillian: You looked gorgeous \nLillian: And your dress was beautiful \n: ","ground_truth":"Lillian cannot find a dress for the wedding. Samantha also had problems but found one."} +{"text":"Summarize the dialog.\n: Dylan: hey bro\r\nHenry: yas bro\r\nDylan: its saturday today\r\nHenry: NO SHIT? :o\r\nDylan: -_- .. i just wanted to ask what time is breakfast today\r\nHenry: i dont know, the usual .. maybe\r\nDylan: can you check it please, you have the timings\r\nHenry: uhh yeah.. its the usual 8 to 10\r\nDylan: great, im starving\r\nHenry: at 6 in the morning xD COOOOL\n: ","ground_truth":"It's Saturday today and breakfast is from 8 to 10. Henry has the timings. Dylan is hungry at 6 AM. "} +{"text":"Summarize the dialog.\n: Lisa: I'm holding seats for you\r\nLuck: Thanks!!\r\nHugh: I'll be there soon\r\nLisa: Hurry up, people are looking at me with fury! \n: ","ground_truth":"Lisa is holding seats for Luck and Hugh."} +{"text":"Summarize the dialog.\n: Elise: isn\u2019t it your dog?\r\nJim: Omg, looks like him, where did you take it????\r\nElise: In the forest, it\u2019s probably like 1 km away from your house, he\u2019s very friendly, should I take him?\r\nJim: Yes! But\u2026 I\u2019m at work till 4 o.O\r\nElise: That\u2019s ok, I\u2019ll take care of him, don\u2019t worry.\r\nJim: The best neighbor ever, I owe you!!!\n: ","ground_truth":"Elise found Jim's dog in the forest. She will bring him home and take care of him until 4 pm."} +{"text":"Summarize the dialog.\n: Benjamin: hey, how are you feeling?\r\nBenjamin: \r\nThea: really bad :(\r\nThea: I got fever and sore throat\r\nThea: doctor says it's tonisllitis\r\nBenjamin: poor you! \r\nThea: I think I won't be back in the office so soon\r\nThea: I'm sorry, now you need to drag the project on your own :(\r\nBenjamin: it's fine, I will ask Mr. Robinson if we could make a short break\r\nBenjamin: Until you get better!\r\nThea: you are the best <3 <3 <3\n: ","ground_truth":"Thea has got fever and sore throat, and according to the doctor it's tonsillitis, so she won't be back in the office too soon. Benjamin needs to drag the project on his own, but he'll ask Mr. Robinson if they could make a short break."} +{"text":"Summarize the dialog.\n: Jan: \nKasia: \nKate: it's so beautiful there\nMichael: stunning\nKate: where are you exactly?\nKasia: Westfjords\nJan: but the weather here is completely unpredictable, this is probably the only shortcoming\nKasia: but the best are the hot springs here\nKasia: just amazing\nKasia: and the landscape, as you can see, is just spectacular\nJan: we also went horse ridding\nKate: Michael would love it, I'm sure\nJan: yes, and a fascinating thing is that Icelandic horses have 5 gaits\nJan: most horses have 3 gaits only\nKasia: they are really small and sweet\nKasia: but one has to understand: you're not in charge here\nKasia: you're at nature's mercy\nKate: Do you think it's the most beautiful part of Iceland?\nKasia: yes, I think so\n: ","ground_truth":"Kasia and Jan are in Westfjords. Kasia, Jan, Kate and Michael think that Westfjords is beautiful. Icelandic horses have 5 gaits."} +{"text":"Summarize the dialog.\n: Sam: so, about earlier..\r\nSam: what do you think about Marco?\r\nLillian: i think we should just give him the exam pass\r\nLillian: he is a good student\r\nLillian: no need for him to defer the semester\r\nSam: thats true ive never heard any complaints before\r\nLillian: yeah, hes very hardworking\r\nSam: okay then, text him and tell him he has been cleared for examination\r\nLillian: Okay, i will\r\nSam: but also tell him to try and pay the balance as soon as possible\r\nLillian: yeah, that is a must\r\nSam: okay then\r\nLillian: cool\n: ","ground_truth":"Sam and Lillian will give Marco the exam pass. Marco is a good student. Lillian will remind Marco to pay the balance as soon as possible. "} +{"text":"Summarize the dialog.\n: Tom: Where RU Christie?! We're all waiting for you in front of the cinema!\r\nChristie: I'm on my way Tom, I got stuck in traffic, there was an accident!\r\nTom: Hurry up, the movie starts in a few minutes!\r\nChristie: I'm almost there!\n: ","ground_truth":"Tom and the other people are waiting for Christie at the cinema. Christie is almost there, stuck in traffic, due to accident. "} +{"text":"Summarize the dialog.\n: Jess: listen to this\r\nJess: \r\nStella: I know them :)\r\nJess: really? I don't know how I missed them!!\r\nStella: they will do a concert here soon\r\nJess: seriously?? wanna go?\r\nStella: I don't know if the tickets aren't sold out\r\nJess: I'm gonna check\r\nJess: sold out :(\r\nStella: have you checked the buy\/sell stuff fb groups?\r\nJess: yep there are some tickets but they're crazy expensive\r\nStella: sorry :(\r\nJess: next time I'l be quicker :)\n: ","ground_truth":"Jess wants to go to a concert but the tickets are sold out. "} +{"text":"Summarize the dialog.\n: Arlene: \nJudy: Your birthday?\nClara: Cool!! \nJudith: I'll be there!\nArlene: Yes :-)\nClara: Is this at your place?\nArlene: Yes, the address is in the invitation\nClara: Cool\nJudith: Do you need us to bring something?\nArlene: You can bring alcohol\nArlene: I'll have something but it might not be enough\nClara: \ud83d\udc4d\nJudy: Great! I can't wait :-)\n: ","ground_truth":"Arlene invited Judy, Judith and Clara to her birthday party."} +{"text":"Summarize the dialog.\n: Eva: Can you come this evening?\r\nSusannah: Yes, for how long?\r\nEva: 7 - 11pm?\r\nSusannah: OK :-) Will be there.\r\nEva: Thank you. The food is in the fridge. Liz should be quite tired after dancing, so she shouldn't give you any headaches :-)\r\nSusannah: No problem and don't worry. Have fun with James!\n: ","ground_truth":"Susannah will come this evening and stay with Liz from 7 to 11pm, while Eva is with James."} +{"text":"Summarize the dialog.\n: Dad: Hi Bobby, How is everything? We went to Niagara-on-the-Lake on Sunday.\r\nBobby: For your anniversary? That's nice! How's your back, though?\r\nDad: Yeah, just to get away for a bit. Actually the pain has moved down to my right foot\r\nBobby: Is that better or worse? Maybe you should do the exercises I was doing for my back.\r\nDad: I was doing some exercises. I saw my doctor today and taking some pills\r\nBobby: Remember that book you bought me when I had my back issues?\r\nDad: Yes, I have to find time to take care of myself.\r\nBobby: I'll find the title and text you. The exercises really helped me. Let's talk tomorrow, gotta go\r\nDad: Ok, take care, love you\r\nBobby: Bye, love you\n: ","ground_truth":"Dad spent his anniversary at Niagara-on-the-Lake on Sunday. His back is acting up so he went to see a doctor today and was prescribed medications. Bobby used to exercise and take painkillers to help with his back. He will pass the information about the book to Dad tomorrow."} +{"text":"Summarize the dialog.\n: Laura: There's a Pokemon raid today at 5pm. Coming?\r\nAlex: Where?\r\nLaura: We're meeting under the clock at Central Station.\r\nAlex: High level?\r\nLaura: Should be as far as I know.\r\nAlex: Great! \r\nAlex: Do you still play Ingress?\r\nLaura: Yeah sometimes.\r\nAlex: Green or Purple?\r\nLaura: Purple of course!\r\nAlex: Cool. Same as me then. Maybe we can team up and paint the town purple while we're at it.\r\nLaura: LOL yeah why not!\r\nAlex: It's lousy weather day today. Wild and wooley.\r\nLaura: Yeah, I'm wrapping right up cause the wind chill factor is something ridiculous.\r\nAlex: Me too. Ahh, the things we do to get that rare pokemon or two or three. \r\nLaura: LOL\r\nLaura: I'm off to catch the train so I can get there on time.\r\nAlex: See you soon!\r\nLaura: See ya! \n: ","ground_truth":"Alex will team up with Laura in a a Pokemon raid. Alex will see Laura today at 5 pm under the clock at Central Station."} +{"text":"Summarize the dialog.\n: Rachel: HAPPY NEW YEAAAAAAR!! \u30fd(^o^)\u4e3f\r\nRachel: from me & Tom :)\r\nJack: Thanks!!\r\nMiranda: same to you\r\nMiranda: :)\r\nRachel: May you get exactly what you are expecting in the coming year!!!\r\nMiranda: :*\r\nJack: How's your party?\r\nRachel: %) %) %) \r\nJack: Hahahah\r\nJack: I see\r\nRachel: the best party eveeeeeeeer\r\nRachel: wish you were here!!!\n: ","ground_truth":"Rachel wishes a happy new year from her and Tom to Miranda and Jack. Rachel is having the best time but misses Miranda and Jack."} +{"text":"Summarize the dialog.\n: Bobby: Did you see the episode of I'm a Celeb last night?\r\nEva: No, I was in the pub watching the Rams lose! \r\nBobby: Oh! Well, it was super gross!\r\nEva: The deliveries episode! What did they have to eat?\r\nBobby: Fish eyeballs surfaced again!!!!\r\nEva: GROSS!!!!\r\nBobby: Who thinks of this stuff???\r\nEva: Some sadist! LOL!\r\nBobby: I guess! \r\nEva: What else?\r\nBobby: Testicles and penises and worms, etc.\r\nEva: Oh my!\r\nBobby: It was disgusting!\r\nEva: That show is ew!\r\nBobby: It's good though!\r\nEva: Yes! I hate missing it. Why don't they replay it on itv2 later?\r\nBobby: They want people to watch that after show I guess.\r\nEva: Oh, right. With that Scarlett chick.\r\nBobby: Yeah. She gained all her weight back!\r\nEva: Even had surgery and gained it back!\r\nBobby: No magic bullet is there?\r\nEva: No. You have to eat right and exercise.\r\nBobby: No fish eyeballs!\r\nEva: Definitely not!\n: ","ground_truth":"Bobby watched the episode of I'm a Celeb. Eva missed it. Bobby updates Eva on what happened. "} +{"text":"Summarize the dialog.\n: Daniel: hi! any free slots this week?\r\nDavid: Hey. Thursday 6pm or Friday 5pm only ;o.\r\nDaniel: :( i'll be at work\r\nDavid: :\/ Weekend?\r\nDaniel: ok i'll let you know\r\nDavid: Ok!\n: ","ground_truth":"Daniel will let David know about free slots at the weekend. "} +{"text":"Summarize the dialog.\n: Frederic: Mornin'! How's Monday? Mine sucks.\r\nAlma: Hey, hey! I hate Mondays!\r\nFrederic: \r\nAlma: Hahaha, you're crazy! You dressed up like that for work?\n: ","ground_truth":"Frederic's Monday sucks. Alma hates Mondays too."} +{"text":"Summarize the dialog.\n: Ron: hey dad :)\r\nKurt: how much do you need son?\r\nRon: I wanted to be nice... 50 dollars\r\nRon: my account is empty, so is my wallet\r\nKurt: It doesn't surprise me.\r\nKurt: money sent, spend wisely\r\nYasmin: come visit us when you can\r\nRon: thanks again dad, love you mum\n: ","ground_truth":"Kurt sends his son Ron 50 dollars. "} +{"text":"Summarize the dialog.\n: Ali: \nLucie: Nice colour ;)\nAli: Found shoes for you and Jiri\nLucie: :)\nAli: In chinese minimarket in my building\nAli: Less than \u20ac10\nLucie: So it is good reason to come to Senegal soon ;)\nAli: BRAVO\nAli :) :) :) :) :)\nAli: Jana, Stefan and girls and my daughter are coming 30 March to 12 April\nAli: Still have 2 free rooms :D\nLucie: Wow, it's so great\nAli: You better come. Before we send police to arrest you\nLucie: Hehehe\nAli: My toothpaste was not full when Caro brought it back\nAli: You stole some\nLucie: Isn't it obvious that Caro used it?!\nAli: Stealing toothpaste is a serious crime\nLucie: But I can buy you a new one if you want ;)\nAli: Caro says she knew that you will accuse her\nAli: OK buy one and deliver it in person soon\nLucie: I was afraid that you want to tell the police about my car accident ;)\nAli: Nooo are you out of your mind?\nAli: I dont care about that car its not mine\nAli: Toothpaste is mine ;)\nLucie: Heheh\nAli: Good night!\nAli: We are waiting here for you :*\n: ","ground_truth":"Ali has invited Lucie to visit him in Senegal. Jana, Stefan with daughters and Ali's daughter are coming to stay from 30 March to 12 April. Ali tells Lucie to bring toothpaste with her. Lucie had a car accident."} +{"text":"Summarize the dialog.\n: Nicole: Soph, could we meet a little later tomorrow?\r\nSophia: Sure, how much later? :)\r\nNicole: I got invited to a job interview\r\nSophia: where where?\r\nNicole: Publicis\r\nNicole: :))))))))\r\nSophia: Wow!! Amazing!!\r\nNicole: I'm a bit nervous.\r\nSophia: You'll be great. And we'll have something to celebrate, hopefully :D\n: ","ground_truth":"Nicole is a bit stressed, as she will have a job interview in Publicis. Nicole and Sophia will meet tomorrow later because of the interview."} +{"text":"Summarize the dialog.\n: Marilyn: Mark, darling, are you free to talk now?\r\nMark: not really, sweetie\r\nMark: what's up?\r\nMarilyn: In half an hour?\r\nMark: ok\r\nMark: So what is it sweetheart?\r\nMark: Why don't you call me? I'm available till 3:45\r\nMark: Darling, I can't reach you. Maybe later.\r\nMark: <3\n: ","ground_truth":"Mark is free to talk until 3.45 but he can't reach Marilyn. "} +{"text":"Summarize the dialog.\n: Julia: karaoke on friday night?\r\nAva: call!\r\nAva: what about the rest?\r\nJulia: I'l tell them\r\nJulia: maybe someone else will come\r\nAva: ok, I'll make a reservation\r\nJulia: great, thx :)\n: ","ground_truth":"Julia and Ava will go for karaoke Friday night. Julia will tell the rest and Ava will make a reservation."} +{"text":"Summarize the dialog.\n: Tom: Did anyone pick up prints?\r\nGlen: I didn't have time, but called John?\r\nJohn: I haven't yet, but I will later\r\nTom: Today?\r\nJohn: Sure\n: ","ground_truth":"Nobody has picked up the prints yet, but John will do it later today."} +{"text":"Summarize the dialog.\n: Renee: Gawd, she looks like a horse face!\r\nSue: LOL! YESSSSS!!!!\r\nRenee: Cannot stand her!\r\nSue: She is just the utter worst. Don't know how he stands her...\r\nRenee: Even her hair is nasty!\r\nSue: She really looks like an oompa loompa without the orange!\r\nRenee: OMG, yes! The hair!\r\nSue: Why do you get your fringe so short????\r\nRenee: No idea...\r\nSue: FUG-LY!!!!\r\nRenee: Beyond, beyond fugly....super fugly! LOL!\r\nSue: OMG, she's coming over here.\r\nRenee: Look like you're busy!\r\nSue: Whew! That was close!\r\nRenee: Could you have kept a straight face?\r\nSue: NO!!!!\r\nRenee: LOL!\r\nSue: I think she's leaving now.\r\nRenee: Good! We can talk about her! LOL!\r\nSue: LOL!\n: ","ground_truth":"Renee and Sue can't stand her and think she's extremely ugly."} +{"text":"Summarize the dialog.\n: Aurora: God\r\nAurora: Remember how I went to that cousin\u2019s wedding last February\r\nAurora: And fought with another cousin there\r\nAurora: I can\u2019t remember if I told you about my spectacular fall there but now I find out it\u2019s been recorded forever in a photo\u2026 welp\r\nAurora: \r\nAurora: Lovely xD\r\nIsabela: Omg why did someone make a picture of that xD\r\nIsabela: Instead of helping you up lmao\r\nIsabela: Also why do you look happy laying there xD\r\nAurora: That\u2019s how this world works lol\r\nAurora: Ikr\r\nIsabela: Or is it an angry smile?\r\nAurora: I mean this wedding was pretty awful for me and this kind of made it better\r\nAurora: No, I really found it hilarious lol\r\nIsabela: Hahaha\r\nIsabela: Well tbh it's always better to laugh with it\r\nIsabela: Was the floor that slippy?\r\nAurora: It was pretty slippery and I was wearing heels and had to run\r\nIsabela: R.I.P.\r\nIsabela: Honestly you could have hurt yourself extremely bad\r\nAurora: I know, it\u2019s a good thing nothing happened\n: ","ground_truth":"Aurora told Isabela that her fall on a slippery floor at her cousin's wedding last February was immortalized on a photo. As she didn't really enjoy the wedding, the accident made it more fun, but overall she is happy that nothing particularly serious happened to her."} +{"text":"Summarize the dialog.\n: Maja: hey\r\nKimberley: ?????\r\nKimberley: do we know each other?\r\nMaja: no, but I'm from your group, I'm new and I was wondering if you could tell me anything about the subjects, lecturers and so on :)\r\nKimberley: aaaa I get it, no problem, ask whatever you want :)\n: ","ground_truth":"Maja is new so needs some information from Kimberley as they are in the same group."} +{"text":"Summarize the dialog.\n: Fran: \r\nFran: Check out my new jacket!!\r\nBrianna: Niiiice!!\r\nBrianna: Out on a shopping spree? \ud83d\ude1c\r\nFran: Yessss \ud83d\udc96\r\nBrianna: Are we going to organise a picnic soon? \r\nBrianna: Maybe in February?\r\nFran: Yes that would be great, we could go to that place we went to last year\r\nBrianna: Yes that was a brilliant area, amazing view too!\r\nFran: \ud83d\ude01\ud83d\ude01\n: ","ground_truth":"Fran bought a nice jacket. Brianna and Fran are going to have a picnic in February in the same place they went to last year. "} +{"text":"Summarize the dialog.\n: Serge: hey Dad, how are you?\nTh\u00e9o: I am good, how are you?\nSerge: good, thanks.\nSerge: Dad, I haven't received the monthly transfer, is everything ok?\nTh\u00e9o: yes, yes, sorry I was going to tell you that it will only arrive on the 4th this month. I couldn't do it earlier.\nTh\u00e9o: I hope your landlord can understand, let me know if I should give him a call.\nSerge: oh ok, no worries he is very helpful and I have always paid on due time these past years... so he will understand.\nTh\u00e9o: oh great, no worries the transfer is coming.\nSerge: thanks dad! \n: ","ground_truth":"Serge's monthly bank transfer to Th\u00e9o was made late, so he'll make a late rent payment to his landlord. The landlord shouldn't be angry about it given previous timely payments."} +{"text":"Summarize the dialog.\n: David: Whats up? \r\nNathan: Nothing much\r\nNathan: Gotta hit the pool\r\nDavid: Really?\r\nDavid: I don't feel like swimming if its raining\r\nNathan: Ye well \r\nNathan: I am going\r\nDavid: Who you're going with? \r\nNathan: By myself\r\nNathan: highway dont care\r\nDavid: Lol \r\nDavid: I hate that song\r\nNathan: I hate Taylor Swift but Tim McGraw is ok \n: ","ground_truth":"Nathan is going to the pool. David doesn't want to because of the rain."} +{"text":"Summarize the dialog.\n: Gregory: will you bring the barbecue set or should I?\r\nLuke: I will, did you get some beers for yourself?\r\nGregory: how could I not? Barbecue without beers? You serious? :D\r\nLuke: who am I asking.... :D \r\nGregory: \r\nLuke: hahahahaah\n: ","ground_truth":"Luke will bring the barbecue set. Gregory will bring some beers for himself for the barbecue."} +{"text":"Summarize the dialog.\n: Angie: Hey did you finish our group work?\r\nAshley: Yeah I did but it needs some fine editing\r\nAshley: Can you do it?\r\nAngie: Yeah. Just email me the soft copy.\r\nAngie: ASAP!\n: ","ground_truth":"Ashley finished their group work. Angie will do the editing. Ashley will send Angie the soft copy. "} +{"text":"Summarize the dialog.\n: Monica: I've got it!\r\nJosh: Tell me!\r\nMonica: I have this ring she always wanted. I'll give it to her and see if it fits. If it's ok, I'll give you the measure.\r\nJosh: That'd be great! \r\nMonica: So, when do you want to pop the question?\r\nJosh: I was thinking that our third anniversary is coming next month, so that would be a great opportunity. \r\nMonica: I think so too. But you can't give anything away by that time. \r\nJosh: I know. And I'm asking you the same thing. So, when can you take her finger measure?\r\nMonica: This weekend. We're meeting for coffee. \r\nJosh: Great! I'll have enough time to order the ring. Thanks!\r\nMonica: No problem! Just tell me who it went :)\r\nJosh: You have my word!\n: ","ground_truth":"Josh wants to propose to his girlfriend next month. It's their third anniversary. Monica will get the right ring measure for him this weekend."} +{"text":"Summarize the dialog.\n: Daniel: can we cancel tomorrows meeting?\r\nHenry: yes, something happened?\r\nDaniel: family staff, I'll handel it and let you know when we can meet\r\nHenry: good, will wait\n: ","ground_truth":"Daniel wants to cancel a meeting tomorrow. He has some family stuff. He will let Henry know when they can meet."} +{"text":"Summarize the dialog.\n: Joanne: it's a small world, it turns out your ex-boyfriend is working and being friends with one of my husbands best friends lol\r\nPhoebe: no way, which ex hahaha?\r\nJoanne: Jack\r\nPhoebe: I had 3 boyfriends that were named Jack :D\r\nJoanne: his surname starts with O... I believe... can't really remember, he is from Cracow\r\nPhoebe: ohh ye that Jack! cool guy :D\r\nJoanne: you know it feels weird now that i was listening to all this stories and they were about you hahaha\r\nPhoebe: nothing bad happened, we split up on good terms :D \r\nJoanne: i really don't want to know haha, i already know more than i should ;) i will sit far away from him from now on\r\nPhoebe: no worries, I don't have any problem with it and neither should he\r\nJoanne: he seemed okay\r\nPhoebe: he is, where does he work nowadays?\r\nJoanne: good company but i don't remember obviously :\/ some place that deals with printing, mostly foreign orders\r\nPhoebe: good for him :)\n: ","ground_truth":"Phoebe's ex-boyfriend is working with Joane's husband's best friend. Phoebe doesn't have a problem with that as they split up on good terms."} +{"text":"Summarize the dialog.\n: Astrid: Hello Mr Martin, I have some questions about my essay. I tried coming to your office during hours, but I was told that you were away. Could we possibly meet this week?\r\nMr Martin: Hello Astrid, Indeed I am sorry - I've been a little under the weather these past few days. I'm free on Wednesday if that suits you?\r\nAstrid: I'm afraid I have classes all day. Can I come on Thursday?\r\nMr Martin: I'm afraid not - I have an important meeting to attend to, but I'm free tomorrow after lunch.\r\nAstrid: That would be perfect.\r\nMr Martin: Well then, I shall see you tomorrow.\r\nAstrid: Thanks Mr Martin.\n: ","ground_truth":"Tomorrow after lunch Astrid will meet with Mr Martin to talk about her essay. ."} +{"text":"Summarize the dialog.\n: Richard: I have a feeling that my girl is cheating on me...\r\nMatt: Well...\r\nMatt: Don't know what to reply\r\nMatt: I'm sorry man..\r\nMatt: But are you sure?\r\nRichard: I'm not. But I have my reasons to believe so.\r\nMatt: I once made a mistake.\r\nMatt: I accussed my girl of cheating on me. But it turned out she conspired with my friends to throw me a suprprise birthday party.\r\nMatt: She was furious when I confronted her.\r\nRichard: Wow. You've never told me that, and I was partially resposible for it...\r\nMatt: Nevermind. Everything is fine now.\r\nRichard: In my case however it's not about conspiring. It's the distance. She created so much distance between us that I have a feeling there is someone else she likes to be with.\r\nMatt: I'm sorry. \r\nMatt: She doesn't seem to be treacherous viper so the best way is just to talk to her.\r\nMatt: Maybe that would help\r\nRichard: I will try. Thanks mate.\r\nMatt: No problem. I'm with you man.\n: ","ground_truth":"Richard suspects his girlfriend is cheating on him because of her emotional distance. Matt has once accused his girlfriend of cheating, when in reality she was throwing him a surprise birthday party. Richard will talk to his girlfriend as Matt advises."} +{"text":"Summarize the dialog.\n: Paulina: Whats up\r\nPatricia: Nothing much\r\nPatricia: You\r\nPaulina: Just doing homework\r\nPatricia: U have homework?\r\nPaulina: Ye just for an elective\r\nPaulina: Basically its a take home exam \r\nPatricia: It actually doesnt sound easy hahah\r\nPaulina: I know it seems easy but its not\r\nPatricia: I an an online class\r\nPatricia: Northern Studies\r\nPaulina: Online classes same\r\nPaulina: Dont sound easy either haha\r\nPatricia: Its okay\r\nPatricia: The final exam is just an essay\r\nPaulina: Wow nice\r\nPaulina: What NS is that?\r\nPatricia: 308\r\nPaulina: Cool!!! \n: ","ground_truth":"Paulina is doing her homework, and it's not too easy."} +{"text":"Summarize the dialog.\n: Edward: Until further notice, the canteen staff will not be offering made-to-order food of any kind.\r\nEdward: This is to save costs and staff shortages.\r\nWendy: I'll put out a memo.\r\nEdward: Signs for the canteen tables would be appropriate as well.\r\nWendy: No problem.\n: ","ground_truth":"The canteen staff will not offer made-to-order food to cut costs. Wendy will put out a memo about it."} +{"text":"Summarize the dialog.\n: Emma: We are going beach would you like to join in?\r\nSharol: sure who else is coming?\r\nEmma: its me anna, emily, wendy, kate and you\r\nSharol: would wendy be ok with me joining..\r\nEmma: i think she would be .. is there any problem between you guys?\r\nSharol: i think she doesnt like me ... she always try to avoid me...\r\nEmma: really? then i think you should definetly join and sort things with her\r\nSharol: hmm.. i dont want to be her friend forcefully... \r\nEmma: i know she doesnt dislike you there must b some misunderstanding... lets meet up and sort out.. be at my place at 11am\r\nSharol: sure will be there\n: ","ground_truth":"Sharol is going to go to the beach with Emma, anna, emily, wendy and kate. Sharol is afraid that wendy doesn't like her."} +{"text":"Summarize the dialog.\n: Joanna: Since you are unable to remember anything I discuss with you in the morning\r\nJoanna: I will now enumerate everything we've got going on this weekend\r\nDaniel: <3\r\nJoanna: Friday night we are invited to two parties and we either do quick appearances at two or stick to Mike's birthday cause well he's a much closer friend than Jimmy\r\nDaniel: noted\r\nJoanna: Then on Saturday night we go grocery shopping, we also need cleaning products cause the apartment is a mess and we have noting to clean it with\r\nDaniel: right right\r\nJoanna: then we have late lunch with your parents\r\nDaniel: is it this Saturday?\r\nJoanna: yes it is\r\nDaniel: could have sworn it was the next\r\nJoanna: no.\r\nDaniel: okay continue\r\nJoanna: Then we go hoe and clean up\r\nDaniel: and in the evening we go to the theatre!\r\nJoanna: niiiiiice you remembered\r\nDaniel: see?\r\nJoanna: What are we doing on Sunday?\r\nDaniel: staying in bed and maing sweet sweet love?\r\nJoanna: you're a moron\n: ","ground_truth":"Joanna and Daniel are invited to two parties on Friday night. On Saturday night they will go grocery shopping, and then they have late lunch with Daniel's parents. On the same day, they also need to clean and in the evening they are going to the theatre. "} +{"text":"Summarize the dialog.\n: Wanda: hey\r\nZoe: heya\r\nWanda: i'm so bored\r\nWanda: \r\nWanda: please entertain me while I wait in this never-ending line\r\nZoe: hahaha\r\nZoe: what are you waiting for?\r\nWanda: lost my metro pass, have to make a new one\r\nWanda: and literally everyone else on earth is here doing the same thing\r\nWanda: :'-(\r\nZoe: awwwww poor thing\r\nZoe: can't you listen to music?\r\nWanda: i forgot my headphones at home\r\nWanda: \r\nZoe: face palm is correct\r\nZoe: we could play I Spy... it would be more challenging because we are in different locations :P\r\nWanda: LOL sure\r\nZoe: what are you doing after you accomplish this slow-moving quest?\r\nWanda: no plans\r\nZoe: wanna meet for coffee?\r\nWanda: sure :) \r\nZoe: I spy... with my little eye... the end of the line!\r\nWanda: lol not exactly \r\nWanda: i'll let you know when i finish here :D\n: ","ground_truth":"Wanda has lost her metro pass. Now she's waiting in line to make a new one. After she's done, she and Zoe will meet for a coffee."} +{"text":"Summarize the dialog.\n: Raquel: when you're down with a cold and just tiramisu makes you feel better and understood :D\r\nLaura: or brownies... lol\r\nSarah: Hahaha!! so true! eat them all lovely\r\nLaura: I'm so sick my bf got me a soup maker!\r\nSarah: omg that's so sweet!! bless him! \r\nRaquel: I wish I had someone to bring me soup! All alone and sick lol\r\nLaura: I can send him over to you. We just made fresh tomato soup \r\nRaquel: Hahaha so nice. I'm just gonna drown my sickness in tiramisu!\r\nSarah: Laura, he makes you brownies and soup?!! marry him lol\r\nLaura: hahaha, i'm trying! :D he's still on a trying period haha\r\nRaquel: you're so lucky! my last bf wouldn't even give me his jumper :O\r\nSarah: that's so selfish! and funny too!! so he would just let you shiver and himself be warm?\r\nRaquel: pretty much... :( I'm so ashamed of myself... how could I be with him??\r\nLaura: mistakes of youth! learn and move on! don't be too hard on yourself! \r\nSarah: exactly!! and maybe always make sure to bring a sweater on a date lol\r\nRaquel: hahahaha thank you girls! you always know how to make me feel better!\r\nSarah: Always! Love you, gorgeous! take care of yourself and get better soon! sending you big hugs\r\nRaquel: You are always so sweet, thank you, beauty :)\r\nLaura: Raquel, make sure you drink plenty of tea with ginger and honey. it always help my throat and keeps me warm. and it's super yummy too :)) xxx\r\nRaquel: will do :) xxx ooo\n: ","ground_truth":"Raquel and Laura have a cold. Laura's boyfriend is taking care of her."} +{"text":"Summarize the dialog.\n: Holly: Can you come home asap? It's urgent\r\nJames: What's the matter?\r\nHolly: Our washing machine broke down and we're flooding the neighbours, yet I finally have this job interview today so I can't stay...\r\nJames: What!! I'll be on my way in a few. Don't worry about it, you go get that job!\r\nHolly: Thank you so much, you're a lifesaver!\n: ","ground_truth":"Holly has a job interview but the washing maching broke, so James will come home asap."} +{"text":"Summarize the dialog.\n: Daniel: Could you please turn the volume down or use your headphones?\r\nRiley: oh\r\nRiley: sure, turning it down\r\nDaniel: Thanks\n: ","ground_truth":"Riley is turning down the volume on Daniel's request."} +{"text":"Summarize the dialog.\n: Angie: you alive?\r\nMike: no\r\nAngie: same\r\nMike: I've been sick all day\r\nAngie: I'm never drinking again\r\nMike: sick party though xD\r\nAngie: \r\nMike: :D\n: ","ground_truth":"Mike and Angie are hungover after a party."} +{"text":"Summarize the dialog.\n: Ross: Hey Isabella ! you have lost weight. you must be on a diet \r\nAyehsa: No Ross, I have started jogging.\r\nRoss: Well that's great.\r\nAyehsa: Thank you\n: ","ground_truth":"Ayehsa has started jogging."} +{"text":"Summarize the dialog.\n: Agnes: Hi Viola!\r\nAgnes: how are you? How's your new job?\r\nViola: Hi there!\r\nViola: thanks, Im fine. New job also good.\r\nAgnes: do you have a lot of work?\r\nViola: not really\r\nViola: ;)\r\nViola: now Im mostly learning about the company's system in procedure\r\nAgnes: thats good\r\nAgnes: Im sure you'll learn everything soon!\r\nViola: I hope\r\nViola: :)\r\nAgnes: and how's your new boss? and the new colleagues?\r\nViola: quite ok\r\nViola: so far so good ;)\r\nAgnes: :)\r\nViola: the people are ok\r\nViola: quite helpful, I can ask a question if I dont know sth\r\nAgnes: thats very good\r\nViola: yes :)\r\nViola: i got to go now.\r\nViola: Thanks Agnes! take care! :*\r\nAgnes: Bye! And good luck with the new job! :*\r\nViola: thanks! :*\n: ","ground_truth":"Viola has a new job. Now she's learning about the company's system in procedure. The people at her work are helpful."} +{"text":"Summarize the dialog.\n: Sandra: Buy a carrot and some milk on your way home.\r\nDan: sure, darling, sth else?\r\nSandra: Maybe some fruits too? choose sth :)\r\nDan: ok, see u soon :*\n: ","ground_truth":"Dan will buy carrot, milk and fruit."} +{"text":"Summarize the dialog.\n: Trudy: Are you good with statistics?\r\nTrudy: I need someone to double-check my results\r\nJanice: I\u2019m okay, not great\r\nJanice: Why don\u2019t you ask Amy? \r\nJanice: She\u2019s a genius\r\nTrudy: I know\r\nTrudy: But I\u2019m not that close with her to ask for this kind of favour\r\nJanice: You don\u2019t need to\r\nJanice: You can come to her as a client \r\nJanice: She\u2019s doing it as a side job \r\nTrudy: How much does she charge?\r\nJanice: I think about 40$\/hour of her work\r\nJanice: But she works fast, she won\u2019t rip you off.\n: ","ground_truth":"Trudy needs someone to double-check her statistical results and asks Janice to do this. Janice recommends Amy. Trudy is not comfortable with asking Amy as they don't know each other that well. Amy, however, can do that for a fee."} +{"text":"Summarize the dialog.\n: Aaron: You should have seen the kids at the mall today! Nightmare!\r\nShirl: Oh! Really?\r\nAaron: In line to see Santa.\r\nShirl: Oh, right! \r\nAaron: It was literally out the door. \r\nShirl: OMG!\r\nAaron: Yeah. I don't remember doing that, do you?\r\nShirl: Yep! Did it last year at the bar! LOL!\r\nAaron: When you were a kid, stupid!\r\nShirl: No, I don't remember.\r\nAaron: Can't be that fun, can it?\r\nShirl: I wouldn't think so.\r\nAaron: Anyway, I got what I wanted and got out of there.\r\nShirl: Good for you! \r\nAaron: Hopefully no more shopping for me!\r\nShirl: Fingers crossed!\r\nAaron: I think I'm done. You?\r\nShirl: I'm making gifts and haven't started yet. Panic!\n: ","ground_truth":"Aaron made Christmas shopping at the mall full of kids waiting in a long line to see Santa. Aaron has got all he needed, but Shirl hasn't got any gifts yet. "} +{"text":"Summarize the dialog.\n: Kris: Ted keeps sending me pictures and videos of cats\nLiv: That's so cute!\nKris: I know but I'd like to make some conversation with him as well\nLiv: Ooops XD\n: ","ground_truth":"Ted keeps sending Kris pictures and videos of cats."} +{"text":"Summarize the dialog.\n: Eric: The French accepted the offer! A new frenchie in the office soon!\r\nAdrian: Is one not enough!?! \ud83d\ude29\ud83d\ude09\r\nIan: Good stuff, up France \ud83c\uddeb\ud83c\uddf7\r\nGrace: \ud83d\ude48 A lot more \"R..Rs\" for everyone \ud83d\ude1c Looking forward to meeting him\r\nEric: Eheh French power \ud83d\udcaa\ud83c\uddeb\ud83c\uddf7\r\nAdrian: Will we need to set a up partition behind Ian in the office? Remember Eric, only English spoken in the office\ud83d\ude02\ud83d\udc4d\r\nEric: We already speak only in English via email no worries!! \ud83d\ude02\r\nTaylor: Eric your dream came true \ud83d\ude02\ud83d\ude02\ud83c\udf89\r\nEric: But he has Manon's accent. So strong French haha\r\nAdrian: Oh dear, should I have vetted this appointment?!\ud83d\ude31\ud83d\ude02\r\nGabriella: Another French guy in the office??? \ud83d\ude48\r\nEric: Yes Gabriella! \ud83c\uddeb\ud83c\uddf7\r\nGabriella: Did I mention I'm on holiday for another month ha?!?!\n: ","ground_truth":"Eric is happy about the French who accepted the offer. Ian is enthusiastic but Adrian isn't. Grace is looking forward to meeting him but Gabriella isn't sure about it."} +{"text":"Summarize the dialog.\n: Hannah: hey\r\nHannah: i need new brushes \r\nNata: shopping? \r\nHannah: yeah! \r\nNata: so Saturday? \r\nHannah: great see u \r\nNata: see you soon \n: ","ground_truth":"Hannah and Nata are going shopping together on Saturday."} +{"text":"Summarize the dialog.\n: Sam: How was the interview?\r\nSam: It was today right?\r\nBrian: Yea, I don't thnik it went well :(\r\nSam: Why?\r\nBrian: The guy who interviewed me asked me some totally strange questions and I had no idea what the asnwer should be...\r\nSam: Maybe it was just some kind of personal test. \r\nBrian: Maybe\u2026 but I am not sure if I want to work with such crazy people.\n: ","ground_truth":"Brian's interview didn't go well but he wouldn't like to work there anyway."} +{"text":"Summarize the dialog.\n: Kyle: Hey Jake any news about the weekend?\r\nJake: Susan is coming Friday morning. We have to go to see her mother first\r\nKyle: Ok. Where is she now?\r\nJake: At home. She's fine but a bit bored... A nurse comes everyday but she can't go outside\r\nKyle: Are you staying overnight?\r\nJake: I think so... \r\nKyle: When are you back?\r\nJake: Saturday after lunch\r\nKyle: Let me know if you want to meet \r\nJake: Yeah we do! I'll talk to Susan today\r\nKyle: Ok just let us know if Saturday night is ok for you\r\nKyle: We're also free on Sunday\r\nJake: I will tell you this afternoon. Susan has to be back at work Monday morning but I think Sunday would be ok\r\nKyle: Just tell me and I'll find some place for dinner \/ lunch\n: ","ground_truth":"Jake is with Susan's mother now. He will be back on Saturday after lunch. Kyle is free on Sunday and wants to meet Jake. Jake agrees. He will tell Kyle if he's free, this afternoon."} +{"text":"Summarize the dialog.\n: Bill: No offense man, but lately you have tendency to make poor choices\r\nRichard: What are you talking about?\r\nBill: You choose to stay at home instead visiting us, when we rarely see each other.\r\nBill: When a dream job knocks on to your door, you don't want to take part in recruting proccess because you watch tv series\r\nBill: Finally, when your girl wants to take next step and move to you, you tell her it's not the best idea?\r\nBill: What is going on with you?\r\nRichard: I have my reasons.\r\nBill: No reason can justify the fact that you are lazy piece of shit little brother. If you won't change it, you're gonna have hard time in your life.\r\nBill: Remember what I say at get your lazy ass to work.\r\nBill: Because when parents decide to cut you off their money, you will suffer.\r\nRichard: Fuck off Bill. It's not your business.\r\nBill: WTF Bill?\r\nBill: I'm your fucking brother! Of course it's my business.\r\nRichard: I really don't want to have this conversation right now.\r\nBill: There's never be a good time for you to listen to someone older and wiser.\r\nRichard: Wiser? You think you're a wise person that's worth to listen?\r\nBill: Ok. Bye Richard. Hope you get your head clean of this shit you smoke.\r\nRichard: Bye \n: ","ground_truth":"Bill thinks that Richard is lazy and makes poor life choices recently. Richard is Bill's little brother. Richard gets money from his parents. Richard doesn't want to talk about his choices. "} +{"text":"Summarize the dialog.\n: Keith: The lecture room has changed from 102 to 210 today.(\u261e\uff9f\u30ee\uff9f)\u261e\nJesse: Where did you hear that? I couldn\u2019t get messages from the school office?\u30a8\u30a7\u30a7(\u00b4\u0434\uff40)\u30a7\u30a7\u30a8\nKeith: I don\u2019t know. Suji sent me text. \nJesse: Then where did Suji get this news from? \u30a8\u30a7\u30a7(\u00b4\u0434\uff40)\u30a7\u30a7\u30a8\nKeith: I don\u2019t know. The office always works like that.(\uff9f\u0434\uff9f)\n: ","ground_truth":"Keith learnt from Suji that the lecture room was switched from 102 to 210."} +{"text":"Summarize the dialog.\n: Carla: Hi, do I teach today?\r\nMona: Yes. \r\nCarla: OK, cool.\r\nMona: You'll have 7 people.\r\nCarla: Wow, it's getting better. Good to hear that :) \r\nMona: Yes :)\r\nCarla: Ah, almost forgot. I'm leaving town 6-12 December. Do you want me to find someone to teach the class on the 8th? \r\nMona: I don't know. I'll ask Mary. \r\nCarla: OK. Let me know.\r\nMona: A propos, do you want to teach 22nd and 29th?\r\nCarla: 22nd - yes. 29th - no. \r\nMona: Noted. \r\nCarla: And what about the 2nd January?\r\nMona: I'll ask the girls wheather they want to come. Becasue the studio is open. \r\nCarla: Ok, great. In touch. \n: ","ground_truth":"Carla is teaching a class of 7 today. She will be absent 6-12 December. She can teach on the 22nd but not 29th. Mona has to confirm January 2nd classes."} +{"text":"Summarize the dialog.\n: Eva: Meeting today with clients at 11 am sharp.. \r\nJim: Yes sir\r\nEva: Have you prepared the presentation\r\nJim: Yes sir I have\r\nJim: :thumbs\n: ","ground_truth":"There's a meeting with clients today at 11 AM. Jim has prepared the presentation."} +{"text":"Summarize the dialog.\n: Fanny: where are you?!!! why are you not here at the office??!?!\r\nJay: i overslept -- i'm really sorry!!!\r\nFanny: WHAT?!?!? ARE YOU BEING SERIOUS?!?!?\r\nJay: yeah i'm sorry\r\nFanny: UNBELIEVABLE\r\nFanny: the meeting can't start without you!!!!!!!!!!!!!!\r\nFanny: we've been preparing this for months!!!!!!!!!!!\r\nFanny: HOW CAN YOU NOT BE HERE?!?!?!\r\nJay: i'm getting ready, trust me, I'll be there soon\r\nFanny: HURRY UP!!!\r\nJay: i'll be there in no time\r\nFanny: GET - HERE - FAST!!!!\r\nFanny: everyone is starting to get antsy\r\nFanny: and i've run out of things to say\r\nJay: if you stop texting me i'll get there faster\r\nJay: just let me get ready, i'll hop in the car and go\r\nFanny: ok i'm gonna stop texting\r\nFanny: just get here FAST!!!\n: ","ground_truth":"Fanny is very upset with Jay oversleeping on the day of the big meeting. Everybody is waiting and Jay is rushing over. "} +{"text":"Summarize the dialog.\n: Isabelle: So, what time will you be there?\r\nRyan: I won\u2019t\r\nIsabelle: What??\r\nRyan: Me and Irma, we\u2019re going to the cinema together\r\nIsabelle: Loool, not cool, both of you promised to come!\r\nRyan: I know, but\u2026 we just want to spend some time together before I go to London\r\nIsabelle: Ooooookay, I can see sth\u2019s going on o.O\r\nRyan: Yea, kind of ;p\r\nIsabelle: Meaning\u2026? ;d\r\nRyan: Were going out a bit, that\u2019s it\r\nIsabelle: Hmmm right, so what am I supposed to tell the others?\r\nRyan: The truth :P\n: ","ground_truth":"Ryan and Irma are going to the movies tonight instead of meeting Isabelle as promised. Ryan will be leaving for London soon and wants to spend time with Irma."} +{"text":"Summarize the dialog.\n: Nate: Where are you?\r\nJulien: I'm here, where r YOU?\r\nNate: Here as well.\r\nJulien: Lol, great. :D\r\nNate: Wait, I see you. Don't move.\n: ","ground_truth":"Nate and Julien have both arrived in the agreed meeting place and they are trying to find each other. "} +{"text":"Summarize the dialog.\n: Helen: How are you, love? Enjoying work?\r\nRalph: Don't rub it in! Just cos you've got this week off!\r\nHelen: I was in the mood for something a bit exotic for dinner. How do you fancy a Tagine?\r\nRalph: I've no idea, what is it?\r\nHelen: You are so unsophisticated! It's a Moroccan casserole, cooked in a special pot with a pointy lid.\r\nRalph: Oh, you mean you're actually going to use your brothers present after all these years?\r\nHelen: Yes, it's been cluttering up the kitchen, it's time it saw some action! Anyway, I need ras- el-hanout, at least I think that's how it's spelled, it's a special spice mix. The corner shop won't have it and I don't feel like trekking 10 miles to Sainsbury's. Thought you could pick it up later.\r\nRalph: I will, but won't it be a bit late to add it at 7 when I get home?\r\nHelen: Shit! Yes, didn't think of that! Oh, also, I don't have any lamb neck fillets either! \r\nRalph: I suppose we'd better have beans on toast instead, then!\r\nHelen: Seems so! I'll cook it another time. See you later!\n: ","ground_truth":"Helen has this week off work. She plans to cook Tagine, but she doesn't have ingredients. Ralph's coming back at 7 pm."} +{"text":"Summarize the dialog.\n: Matt: Have you heard about that? A slice of bread simulator game!!\r\nLiam: Omg, that just can\u2019t be true. Is it real? \r\nMatt: Haha, yeah. \r\nLiam: Oh no, I just spit my hamburger on the screen. Thank you, bro.\r\nMatt: I\u2019m just looking at the gameplay. It\u2019s so unreal. HAHA!\r\nLiam: So basically you do play a game, in which you DO LIVE the life of a slice of bread? I don\u2019t think I want to live on this planet anymore.\r\nMatt: Come on, it's funny!\n: ","ground_truth":"There is a new computer game in which you live the life of a slice of bread. Liam and Matt can't believe it's true."} +{"text":"Summarize the dialog.\n: Terry: I have a question. Does anybody know what's the youngest country in the world\nJenny: East Timor I think, why?\nTerry: a quiz here\nMia: no! East Timor is old\nMia: either Serbia or Montenegro, they split 2006\nKate: nope, i've just googled it\nKate: South Sudan\nKate: 2011\nMia: right, I completely forgot!\nTerry: guys! so what is the answer\nMia: South Sudan\nMia: Kate is right\nKate: google is right\nTerry: right! haha\n: ","ground_truth":"South Sudan is the youngest country in the world. "} +{"text":"Summarize the dialog.\n: Lola: Are you coming to the June Ball?\nLaura: sure, everybody will be there\nPeter: don't forget to buy the tickets\nLaura: I have 2 already\n: ","ground_truth":"Laura is coming to the June Ball. She already has 2 tickets."} +{"text":"Summarize the dialog.\n: Jackie: Hi, have you heard about Jason?\r\nMilly: Hi! No, what happened?\r\nJackie: It's pretty stupid, you know :D It has to do with his leg\r\nMilly: Keep talking\r\nJackie: Writing!\r\nMilly: What?\r\nJackie: I'm writing, not talking ;)\r\nMilly: Ok, ok, just get to the point!\r\nJackie: You've heard about this punk band he's just joined, right?\r\nMilly: Yeah, but what happened?\r\nJackie: Last night he was trying to do some crowdsurfing, jumped off the stage and...\r\nMilly: ...and broke his leg?\r\nJackie: No, he ended up falling on this huge biker guy and they both ended up covered in beer\r\nMilly: Ouch! So did that biker guy break his leg then?\r\nJackie: No! No broken leg, apparently he said \"that rocked, young fellow\" and they invited him on stage where they all got drunk after the show\r\nMilly: So what happened to his leg?\r\nJackie: After the show he was so drunk that he started kicking a big dog and the dog bit his leg\r\nMilly: Oh come on, it seems to me that you're the drunk one here XD\n: ","ground_truth":"Jason jumped off the stage yesterday where he was crowdfunding for his new band. He landed on a big biker guy who liked his behaviour. The bike invited the biker on stage where they all got drunk after the concert. After the show, Jason kicked a dog and it bit his leg."} +{"text":"Summarize the dialog.\n: Leon: honey I left work early\r\nLeon: I thought I could fetch Millie from school and make some dinner?\r\nHallie: oh that would be heaven!\r\nLeon: \r\nLeon: what time does Millie finish?\r\nHallie: today its' 4 p.m.\r\nLeon: okie dokie\r\nLeon: I'll buy some chicken thighs and potatoes for dinner then\r\nHallie: \r\nHallie: see you in the evening!\r\nLeon: \n: ","ground_truth":"Leon finished his work earlier. He will pick up Millie from school at 4 p.m. and make chicken thighs and potatoes for dinner."} +{"text":"Summarize the dialog.\n: Melissa: Harry, I am so stressed 'cause of this stupid exam on Monday!\r\nHarry: No worries Mel, everything will be fine. You've studied hard for a long tme! :)\r\nMelissa: But Hawkins hates me, I am sure the questions will be hard :(\r\nHarry: Try to stay positive! \r\nMelissa: Easier said than done... You are a genius and don't have to worry about such stuff:\/\r\nHarry: Everyone worries Mel, even geniuses XD\n: ","ground_truth":"Melissa is stressed before an exam on Monday."} +{"text":"Summarize the dialog.\n: Clara: I have an interview tomorrow!\nSophie: Wow, congratulations! Where? :)\nClara: PwC :D\nMonica: Well done! Fingers crossed!\nClara: Yeah, but they\u2019re quite strict when it comes to dress code and I don\u2019t have anything formal to wear.\nSophie: What size are you?\nClara: 36, generally\nSophie: Ok, I may have something for you. Will this jacket be all right?\nSophie: \nMonica: It\u2019s great! Just wear this, white t-shirt and you\u2019re good to go!\nClara: Looks amazing, will pop to yours to give it a try :)\n: ","ground_truth":"Clara has an interview in PwC tomorrow. She doesn't have anything formal to wear. She's size 36. Sophie will lend her a jacket. Clara will go to Sophie's place to try it."} +{"text":"Summarize the dialog.\n: Ruby: What about this? \r\nLisa: Seared sausage with cabbage and pink lady apples? I'd have to check if I have all the ingredients.\r\nTony: Oh yeah! I made this last week! Delicious!\r\nRuby: You need: olive oil, sweet Italian sausage, apples, red onion, red cabbage, salt, black pepper, apple cider, cider vinegar.\r\nLisa: Out of sausages, cabbage and cider. Sorry, need another idea.\n: ","ground_truth":"Ruby suggests a dish for Lisa to cook but she doesn't have the necessary ingredients."} +{"text":"Summarize the dialog.\n: Lawrence: Papa you're at home in the evening? When are you leaving?\r\nPapa: On Wednesday. Yes, I'm at home all day long.\r\nLawrence: I'll pop in after jogging. Shorty before seven.\r\nPapa: Do so! You want to say goodbye?\r\nLawrence: Just wanna see you. Shall we have a meal together, with Anna and Pat, before you go?\r\nPapa: Would be nice. My treat then.\r\nLawrence: On Sunday? Lunch?\r\nPapa: Brunch in Schlosscafe. OK?\r\nLawrence: Good. Will you phone Pat?\r\nPapa: :(\r\nLawrence: OK I will.\r\nPapa: Thank you, son. Nothing against her, just prefer not to have to talk her.\r\nLawrence: I see. No pro.\r\nLawrence: What time shall we make it?\r\nPapa: 12ish?\r\nLawrence: Suits fine. No booking necessary?\r\nPapa: I'd better make one as it's Sunday.\r\nLawrence: I'll come and C U anyway tonight.\r\nPapa: I'll put beer in the fridge.\r\nLawrence: And something to eat? Haven' t had lunch today.\r\nPapa: I'll fix you something nice. \r\nLawrence: Ta papa! Cheers!\n: ","ground_truth":"Papa is leaving on Wednesday. Papa will meet with Lawrence, Anna and Pat on Sunday for a brunch in Schlosscafe around 12. Lawrence will visit Papa tonight. Papa will prepare something to eat for him."} +{"text":"Summarize the dialog.\n: Katia: Have you tried Ligh Lunch catering?\r\nMaya: Yes!\r\nKatia: Is it good?\r\nMaya: The best so far. \r\nKatia: ok, thx!\n: ","ground_truth":"According to Maya, Ligh Lunch catering is the best food service so far."} +{"text":"Summarize the dialog.\n: Ed: I'm going to get some coffee, anyone?\r\nSteve: wait for me plz\r\nMonica: one latte for me please!!! thank you :*\r\nEd: Ok. Patty?\r\nSteve: I'm going for a smoke in 3 minutes, wait for me downstairs\r\nPatty: no thanks, I'm fine\n: ","ground_truth":"Ed and Steve are going to get some coffee in 3 minutes. Monica wants one too but Patty doesn't want one."} +{"text":"Summarize the dialog.\n: Tyler: You want me to bring Cold coffee or Ice cream shake\r\nAnna: Coffee\r\nTyler: Ok Coming back in 10 minutes. <3 \n: ","ground_truth":"Tyler will bring Anna cold coffee in 10 minutes. "} +{"text":"Summarize the dialog.\n: Snape: Have you made any group for robotics project?? \r\nEva: No, not yet\r\nSnape: Can I be your group partner\r\nEva: Yeah sure\r\nSnape: Thank you\n: ","ground_truth":"Snape wants to be in the group for robotics project with Eva. She agreed to that."} +{"text":"Summarize the dialog.\n: Devlin: u have new bad?\r\nKira: yes, I bought it this weekend\r\nDevlin: verry nice! \r\nDevlin: Where?\r\nKira: there's a new shop near my house\r\nDevlin: u need to show me\r\nKira: sure, anytime:)\n: ","ground_truth":"Kira bought a new bed this weekend at a new shop near her house. "} +{"text":"Summarize the dialog.\n: Taylor: What music do you listen to?\r\nValerie: Y?\r\nTaylor: OMG. Can't u just say?\r\nValerie: Don't be so touchy! Country, pop, a bit of rock and sometimes rap.\r\nTaylor: I've got some good news 4 u :)\r\nValerie: Rly? What is it?\r\nTaylor: I have 2 tickets 2 a rock concert :)\r\nValerie: And? :)\r\nTaylor: Would u like to come with me?\r\nValerie: Sure!\n: ","ground_truth":"Taylor wants to go to a rock concert with Valerie. She agreed to go with Taylor."} +{"text":"Summarize the dialog.\n: Jake: Anyone free for movie after class on Friday?\r\nJimmy: Sure, I have just one thing in library to do, but yeah\r\nDom: I can't, gotta help out my mom\r\nJimmy: Mama's boy:D good son:D\r\nDom: Fuck off:D Gotta help out my mama\n: ","ground_truth":"Jimmy will watch a movie with Jake after class on Friday. Dom needs to help out his mom, so he cannot join Jimmy and Jake."} +{"text":"Summarize the dialog.\n: Harrison: Bro. Which is you favourite Avenger.\r\nMike: The Black Panther is the gaffer.\r\nHarrison: Haha. Because he has the African Accent?\r\nMike: No man! his moves are just top class.\r\nMike: I am starting to wonder who is yours\r\nHarrison: I will go for Captain America who looks more realistic but lethal\r\nMike: Alright\ud83d\ude44\n: ","ground_truth":"Mike's favourite Avenger is the Black Panther. Harrison's - Captain America."} +{"text":"Summarize the dialog.\n: Ashley: Karen, I loved your presentation.\nKaren: Thanks, dear \ud83d\ude18\nPeter: It was great!\nAshley: I loved the anecdotes \nAshley: It was so interesting\nKaren: I'm happy you liked it\nKaren: \ud83d\ude43\n: ","ground_truth":"Karen had a presentation. Peter and Ashley participated and liked it."} +{"text":"Summarize the dialog.\n: Betty: what did you tag me in haha\r\nDaria: it's for a contest :D\r\nBetty: you're spamming me!\r\nDaria: but if I win, I win a trip to Thailand!\r\nDaria: for two ;)\r\nBetty: lmao\r\nBetty: if you win, you gonna take me right?\r\nDaria: obvs\r\nBetty: <3\r\nBetty: ok how do we increase our chances of winning?\r\nDaria: you have to tag 2 people and like the page as well\r\nBetty: oh come on, then those people will expect me to take them XD\r\nDaria: yeah but I tagged you first, so I have priority over them :D\r\nBetty: \r\nBetty: Thailand here we come B)\n: ","ground_truth":"If Betty and Daria win the contest, they will go to Thailand."} +{"text":"Summarize the dialog.\n: Holly: When is payday?\r\nGerard: tomorrow\r\nHolly: That's great because I'm broke.\r\nGerard: lol\n: ","ground_truth":"The payday is tomorrow. Holly is broke."} +{"text":"Summarize the dialog.\n: Eloise: i guess i need a new mobile\r\nTamsin: why? what?\r\nEloise: my old nokia slowly dies\r\nSheldon: what you looking for?\r\nEloise: not i shit for sure. sth cheaper\r\nMiles: xiaomi?\r\nEloise: dunno. i guess i'd prefer huawei or lg\r\nMiles: how about this one?\r\nEloise: looks promising\r\nSheldon: i heard it's a bit slow in the long run\r\nMiles: yeah but it can be upgraded. 2 cards. good camera\r\nEloise: sheldon anything you recommend?\r\nSheldon: i'm an old nokia lover so i'm not really objective\r\nMiles: he is, true. but the new nokia is worth a look\r\nEloise: perhaps i'll give it a try\n: ","ground_truth":"Eloise needs a new phone, but not iPhone, something less expensive. Miles recommends a phone, Eloise thinks it's promising, Sheldon recommends Nokia. "} +{"text":"Summarize the dialog.\n: Charlie: just got a new high score!\r\nArchie: cool!\r\nArchie: how much?\r\nCharlie: 152.374\r\nCharlie: almost 25000 more then the last one\r\nArchie: grats\r\nArchie: how long it took?\r\nCharlie: around 15 tries\r\nCharlie: still feel that I can do better\r\nArchie: nobody stopping you\r\nCharlie: need to finish homework first or my parents will kill me\r\nCharlie: cya at school\n: ","ground_truth":"Charlie has just achieved his highest score of 152374, which is almost 25000 more than the previous one. It took him around 15 attempts. He needs to do this homework not to anger his parents."} +{"text":"Summarize the dialog.\n: Laura: I hate this time before xmas!\r\nLaura: I'm frreezing and all the shops r so crowded! \r\nDaniel: my poor little girl...\r\nDaniel: fuck it and come to my place \r\nDaniel: there's a lot of wine :D\r\nLaura: I can't fuck it but I can be 22 at yr place ;-)\r\nLaura: and wine is always a good idea\r\nDaniel: ok, me and wine will be waiting;-)\n: ","ground_truth":"Laura will come to Daniel at 22. Daniel will be waiting for her with wine. "} +{"text":"Summarize the dialog.\n: Ginger: hi\r\nGinger: can you help me?\r\nWillow: ofc\r\nGinger: i need falsies for onight\r\nWillow: but you know that it is something like toothbrush\r\nWillow: you cannot take mines\r\nGinger: oh i understand\n: ","ground_truth":"Ginger wants to borrow Willow's falsies but Willow says no."} +{"text":"Summarize the dialog.\n: Hailee: Hello walker. Where were you during class time?\r\nWalker: I was not feeling well. I had to go to the hospital.\r\nHailee: Sorry about that. Hope you get well soon\r\nWalker: Thanks.\n: ","ground_truth":"Walker was in hospital during class time."} +{"text":"Summarize the dialog.\n: Kamil: Hey\r\nThomas: Hey, what's up?\r\nKamil: I've been wondering if you want to go bowling tomorrow\r\nThomas: nice, who else is coming?\r\nKamil: me, Godek and Prosty with his girl\r\nThomas: Hmm...\r\nKamil: come on, it will be fun\r\nThomas: Well, ok!\r\nKamil: Great!\r\nThomas: one more thing\r\nKamil: Ye?\r\nThomas: Can I bring my girlfriend?\r\nKamil: Sure thing, more people more fun\r\nThomas: Good, when and where exactly are we going there?\r\nKamil: 8PM at the same place as the last time\r\nThomas: Ok, see you there\r\nKamil: See you!\n: ","ground_truth":"Kamil, Thomas with his girlfriend, Godek and Prosty with his girl are going bowling tomorrow at 8 p.m. at the same place as the last time."} +{"text":"Summarize the dialog.\n: Maggie: What are you doing this weekend?\r\nLiz: Dunno. Probably studying. Why?\r\nMaggie: I thought we could go to the movies. Do you really have to study all the time?\r\nLiz: I've got a test on Monday. \r\nMaggie: And the weekend is looong :P\r\nLiz: What movie?\r\nMaggie: Yay, I knew it!\r\nLiz: Am I so predictable? :P\r\nMaggie: Yup. Totally. \u201cBohemian Rhapsody\u201d. My brother has just seen it and says it's awesome.\r\nLiz: Yeah, I've read pretty good reviews. But let's go on Saturday, this way I'll still have the whole Sunday left for studying.\r\nMaggie: Sure thing. And maybe we could also go shopping? I need a new scarf.\r\nLiz: What happened to that blue one you bought last week?\r\nMaggie: Nothing. I just need one more. Come on, Liz, you know me :P\r\nLiz: Yeah, yeah, you're crazy about scarves. OK, I checked it, Saturday, 1 p.m. First cinema, then shopping.\r\nMaggie: And then pizza! :D\r\nLiz: Sounds like a plan! See u on Saturday then.\r\nMaggie: See u!\n: ","ground_truth":"Liz has to study this weekend but finds time to go to the cinema, go shopping and have a pizza with Liz on Saturday. The movie starts at 1 p.m."} +{"text":"Summarize the dialog.\n: Tim: Guys, I want to tell you something\nTim: I know it's a strange place and moment\nTim: but I decided to become open about it\nJim: go on!\nTim: I have HIV\nJim: it's nothing really important fo me Tim\nLaura: of course! are you doing well? on treatment?\nTim: yes very well, I just didn't want to keep it secret anymore\nPeter: great decision! you're not the only one I know and I know it's nothing to be really worried about\nTim: you're great guys!\nLaura: we love you!\n: ","ground_truth":"Tim has HIV. Peter and Laura are very supportive."} +{"text":"Summarize the dialog.\n: Coleen: heyyyyyy\r\nColeen: have you heard they are remaking pet sematary\r\nGlenn: what's that?\r\nGlenn: never heard of it\r\nColeen: you've never heard of it???\r\nColeen: it's a stephen king classic!!!\r\nGlenn: is that the one about the cats coming back to life?\r\nGlenn: i know you are a horror fan\u2026\r\nGlenn: and I don't mean to offend you\u2026\r\nGlenn: but that sounds really stupid lol :-\/ sorry\r\nColeen: i thought you liked horror movies\r\nGlenn: not really, you must have me confused with someone else\r\nColeen: didn't we watch friday the 13th together?\r\nGlenn: we did but I hated it\r\nGlenn: they're so silly\r\nColeen: i thought you would be excited about this remake\r\nGlenn: you should ask sarah to go see it with you when it comes out\r\nGlenn: she loves horror movies\r\nColeen: yeah that would be fun\n: ","ground_truth":"There will be a remake of 'Pet Sematary' by Stephen King. Coleen is a fan of horrors. Coleen and Glenn watched 'Friday the 13th' together and Glenn hated it. "} +{"text":"Summarize the dialog.\n: Paul: Are we going shopping this afternoon?\r\nAshley: Yes of course, we still haven't bought Christmas gifts!\r\nPaul: Just great, I love buying presents for your family XD\r\nAshley: Believe me I know how special they are!\r\nPaul: So I'm leaving work about 3.30 p.m. and we meet near the Queens Place Mall?\r\nAshley: Yeah, I'll be there around 4\r\nPaul: Do we have some ideas about what to buy?\r\nAshley: Well I do have some ideas, I don't know how about you :)\r\nPaul: Very funny, see you there!\r\nAshley: See you :*\n: ","ground_truth":"Paul and Ashley are going to buy Christmas gifts for Ashley's family. They meet near the Queens Place Mall at around 4."} +{"text":"Summarize the dialog.\n: Joan: Where do you live actually\r\nMiley: Waterbury\r\nJoan: Nebraska?\r\nMiley: Connecticut of course\r\nJoan: the Brass City!\r\nMiley: hahah, yes! how come you know it?\r\nJoan: I had a boyfriend from Connecticut \r\nMiley: nice:)\n: ","ground_truth":"Miley lives in Connecticut. Joan had a boyfriend from Connecticut. "} +{"text":"Summarize the dialog.\n: James: Are you still stressed out?\r\nSarah: Yes \u2639 Lots of stress at home, at work and just everywhere\r\nJames: Listen up, do you know that if you continue to be stressed out you\u2019re gonna have memory loss before you turn 50?\r\nSarah: Really?\r\nJames: There\u2019s been a study which revealed that the brain could be gradually damaged in a relatively young age long before any symptoms could be seen\r\nSarah: Easier said than done. It\u2019s impossible to live without stress! \r\nJames: You can try. I\u2019ll help you\n: ","ground_truth":"Sarah is stressed out all the time. James warned her of the dangers of long-term stress. James wants to help Sarah."} +{"text":"Summarize the dialog.\n: Mica: Hey, I really liked your book review. very insightful.\r\nAndy: Thanks! It was a challenging book to write about, but fun too.\r\nMica: Im going to post it on the website Tuesday and will let you know once its live.\r\nAndy: Thanks! I can't wait to hear what others think.\r\nMica: It should get a lot of hits.\r\nAndy: excellent\r\nMica: :)\n: ","ground_truth":"Mica praises Andy's book review. Mica is going to post the review on the website on Tuesday then let Andy know. They expect it to be popular."} +{"text":"Summarize the dialog.\n: Jay: I am waiting by the Washroom \r\nKale: Cant see u\r\nKale: Oh okay nevermind I see u \n: ","ground_truth":"Jay is waiting for Kale by the Washroom."} +{"text":"Summarize the dialog.\n: Mary: Where the hell are you? Becky's singing in five minutes\r\nJacob: running late, sorry hun\r\nMary: you're going to explain this to her\r\nJacob: come on, there's a traffic\r\nMary: don't care, bye\n: ","ground_truth":"Jacob is stuck in traffic and will be late to hear Becky sing."} +{"text":"Summarize the dialog.\n: Kyle: Are we going to watch the game?\r\nKian: sure, but where?\r\nJodie: My place?\r\nKian: I'd prefer some pub\r\nKyle: me too, beer, crowd, it's a nice atmosphere \r\nJodie: There is a nice bar next to my place\r\nJodie: at Kendall Sq\r\nKyle: ok, we can try sth new\r\nKian: I'll be free at 7pm, will take a shower and we can meet at 8\r\nKyle: when does the match start?\r\nKian: 8.30\r\nJodie: no, 8\r\nJodie: I've just check, they've moved it because of the weather forecast\r\nKian: ok, then I have to leave earlier\r\nKian: I'll write you in the afternoon\r\nKyle: ok!\n: ","ground_truth":"Kyle, Kian and Jodie agree to watch the game in a bar at Kendall Sq. The match starts at 8 o'clock."} +{"text":"Summarize the dialog.\n: Anna: Nice dress :-)\r\nZoe: thx\r\nAnna: Zara?\r\nZoe: C&A\r\nAnna: ok. Must check it :-)\n: ","ground_truth":"Anna likes Zoe's C&A dress."} +{"text":"Summarize the dialog.\n: Theo: pizza!\r\nMay: Already?!\r\nTheo: Do you have cash? They don't accept credit cards :\/\r\nTheo: May?\r\nMay: I do, no worries, be there in 5\n: ","ground_truth":"Theo has pizza, May will be there in 5 with cash. "} +{"text":"Summarize the dialog.\n: Lucas: hi, what ru doing tonight?\r\nIvy: hey, nothing special really. Why RU asking?\r\nLucas: I've heard that there is a cool concert in the Irish Pub at 7\r\nIvy: hmm..not sure if I can go, I still need to study a bit\r\nIvy: the exam is on Thursday\r\nLucas: oh come on, it's Monday!\r\nIvy: idk, perhaps I could go\r\nIvy: but I won't stay long :)\r\nLucas: oh right, as long as you come even for a bit\r\nIvy: <3 <3 <3\n: ","ground_truth":"Lucas invites Ivy to a concert in a pub at 7. Ivy cannot stay long but will join Lucas."} +{"text":"Summarize the dialog.\n: Victor: do you need me to pick you up from the airport\r\nDavid: that would be neat\r\nVictor: what time are you landing\r\nDavid: 17:30 at Sevilla\r\nVictor: SEVILLA???\r\nDavid: yeah sorry\r\nDavid: Jerez was too expensive\r\nDavid: you don't have to pick me up if you can't\r\nVictor: no its ok\n: ","ground_truth":"David is landing in Sevilla instead of Jerez at 17:30 as it was too expensive. Victor will pick him up from the airport."} +{"text":"Summarize the dialog.\n: Joseph: I have a surprise for you!\r\nSara: Sweet <3 I'm curious.\r\nJoseph: You always are...\n: ","ground_truth":"Joseph has a surprise for Sara."} +{"text":"Summarize the dialog.\n: Cindy: Hi Peter, the invitation for the New Year's party will be waiting for you at the office until 5PM tomorrow.\r\nPeter: Ok, thanks for letting me know. Who should ask about it?\r\nCindy: It will be waiting for you at my desk. Do you know where to find me?\r\nPeter: Of course, I'll drop by tomorrow!\n: ","ground_truth":"Peter will pick up the invitation to the New Year's party at the office tomorrow by 5 pm."} +{"text":"Summarize the dialog.\n: Brad: Hey, do you remember me?\r\nClaudia: No, not quite\r\nClaudia: Should I?\r\nBrad: We've met during the conference last month.\r\nBrad: You should remember me.\r\nClaudia: Wait a second...\r\nClaudia: Oh yes, Brad from morning session.\r\nClaudia: There must be a reason why you write.\r\nBrad: Indeed, I enjoyed your presentation, but I forgot to ask you about sources you had used.\r\nClaudia: Thank you for kind words. Here:\r\nClaudia: \r\nBrad: Thank you so much. That means a lot.\r\nClaudia: I'm glad I could help :)\r\nBrad: Goodbye :)\n: ","ground_truth":"Brad and Claudia met at the conference. Brad liked Claudia's presentation and wants to know the sources she used. "} +{"text":"Summarize the dialog.\n: Yasmin: Thank you guys for tonight, it was the best party ever! <3\r\nParis: \r\nDaphne: <3 <3 <3\r\nCam: we have to do this more often!\r\nXana: It was a BLAST!\n: ","ground_truth":"Yasmin, Paris, Daphne, Cam and Xana were at a great party tonight."} +{"text":"Summarize the dialog.\n: Lolita: High handsome send me a selfie!\r\nHugh: How old are you?\r\nLolita: 15 and you? \r\nHugh: Too old for you. And you are too young to be flirting about on line. Get on with your school work.\r\nLolita: LOL OK Granddad.\n: ","ground_truth":"Hugh doesn't want to send Lolita a selfie because she is too young."} +{"text":"Summarize the dialog.\n: Adam: Hey Charlie, gotta question for you.\r\nCharlie: Hey man, what's up?\r\nAdam: I'm having an issue. I just dropped Godwin who was on my bench and picked up Baron who plays tonight.Now it won't let me use Baron this week. Do you know why?\r\nCharlie: Ya. Yahoo won't let you do that.\r\nAdam: I have done it in the past.\r\nCharlie: I can change it for ya.\r\nAdam: Cool thanks. When did that change?\r\nCharlie: It's been a while, probably like five years ago. I've been doing it manually since then because it's a bullshit rule.\r\nAdam: Good to know. I appreciate it man!\r\nCharlie: No worries. Essentially they won't let you make any changes after Sunday night for this week. We've always had people wait until Monday though.\r\nAdam: Thanks for all the info!\r\nCharlie: Sure. You should be good to go now.\r\nAdam: Great. Thanks again\r\nCharlie: Ya, always ask with stuff like that\n: ","ground_truth":"Adam has a problem with using Baron, because Yahoo introduced a new rule five years ago. He asks Charlie for help. Charlie helps Adam."} +{"text":"Summarize the dialog.\n: Duncan: Can't find my yellow bow tie\r\nDuncan: Have you seen it?\r\nJerry: Justin borrowed it from you, don't you remember?\r\nDuncan: Of course! It seems that I'm living in La La Land\r\nJerry: Haha :D Time to come down to earth, bro\r\nDuncan: Right :D\n: ","ground_truth":"Justin borrowed Duncan's yellow bow tie."} +{"text":"Summarize the dialog.\n: Barbara: I know it's late, but I can see you're still online\r\nBarbara: I wanted yo ask you to send me those pics you took today\r\nJimmy: Ahh. Ok. I will send it to you by mail. There are too many of the to send them here\r\nBarbara: Ok. Thanks a lot :)\r\nJimmy: But this sexy girl has to land here :D\r\nBarbara: Oh stop it you :-]\n: ","ground_truth":"Jimmy sent pictures he took today to Barbara on her request."} +{"text":"Summarize the dialog.\n: Hillary: Hey, girls! U remembered to pick up ur dresses, right?\r\nJess: Sure did :)\r\nLona: Not entirely.\r\nHillary: Lona, y?\r\nLona: Well, I went to the shop, but the dress wasn't there.\r\nMorgan: Had a similar problem. Mine was there, but the size was not right.\r\nHillary: R u both joking?!\r\nLona: No. Wouldn't dare.\r\nMorgan: Me neither.\r\nJess: Dunno y. Mine was there, w8ing.\r\nHillary: Calling them now. Furious.\r\nHillary: So, turns out they've sent ur dress to another shop on the other side of town. \r\nLona: Mine?\r\nHillary: Yup.\r\nMorgan: What about mine?\r\nHillary: Yours will be ready on time. Pick up at the same place.\r\nLona: So, Morgan and I will have to go to the other location?\r\nHillary: Seems so. \n: ","ground_truth":"Jess picked up her dress. Morgan and Lona weren't available. Hillary called the dress shop. Lona and Morgan will have to pick up their dresses on the other side of town. "} +{"text":"Summarize the dialog.\n: Monika: say hi to your new Facebook friend, Monika\r\nKeith: Hi, Monika.\r\nMonika: Hello. Do I know you from somewhere?\r\nKeith: Yes, you remember, I am Sophie's dad. Our kids were friends at school. \r\nMonika: Sophie from England?\r\nKeith: That's right, you do remember.\r\nMonika: I remember your Sophie punching my Pawe\u0142 in the face, and me complaining to the school about it. How is she, anyway? Has she managed to stay out of prison?\r\nKeith: Yes, she is in Croatia now, for the holiday. She only punched him in the face because he was hitting her, by the way.\r\nMonika: Yes, but he was only hitting her because he liked her. But when she punched him back she broke his glasses, and you refused to pay for a new pair.\r\nKeith: That's right! So glad you remember us.\n: ","ground_truth":"Monika's son Pawe\u0142 and Keith's daughter Sophie were going to school together. Pawe\u0142 used to hit Sophie, because he liked her. Sophie hit Pawe\u0142 back once and broke his glasses. Keith refused to pay for Pawe\u0142's glasses. Sophie is in Croatia now for holidays. "} +{"text":"Summarize the dialog.\n: Freddie: Just finished House of Cards, any recommendations?\r\nJohn: Versailles! I know it's different, but if you're into politics and scheming that's your show.\r\nOlivia: I agree, I watched it all, highly recommend.\r\nFreddie: Is it on Netflix? Can't find it.\r\nOlivia: No, only Canal+ :(\r\nMay: How to Get Away With Murder is also great, it's also on Netflix. I'm currently waiting for the new season as they upload with a year long delay.\r\nFreddie: How many seasons are there now?\r\nMay: Five, six coming in 2019.\r\nJohn: Might look into it as well. Have you seen Black Mirror?\r\nFreddie: Heard about it, but haven't started yet. Is it any good?\r\nOlivia: Hard to tell, couldn't finish the first episode with the pig :x\r\nFreddie: Pig? :D\r\nMay: Well, yeah, there's that one really twisted episode, the first one. You can always skip it as every episode tells a different story. All of them are pretty twisted, but the first one was the worst for me as well.\r\nJohn: It's hard to tell guys if you are encouraging or discouraging him to watch it :D\r\nMay: Just being honest, John ;) But I agree HTGAWM is a safer option, however weird it may sound. \n: ","ground_truth":"John and May recommended Freddie to watch Versailles and How to Get Away With Murder."} +{"text":"Summarize the dialog.\n: Mary: Where are you?\r\nTom: Dumbo\r\nMary: Have you seen the museum there?\r\nTom: Yes, I've just left\r\nMary: and?\r\nTom: I really liked it. Thank you for the recommendation \r\nMary: it's good, right?\r\nTom: very nicely made and curated \r\nMary: yes, it's amazing\r\nTom: especially the stories of the subaltern groups: women, slaves, workers\r\nTom: and the history of the Brooklyn Bridge\r\nMary: I know, and it's not very well known\r\nTom: we were almost alone there\r\nMary: did you pay for entrance?\r\nTom: no, we showed our student cards and they let us in for free\r\nMary: that's amazing\r\nTom: yes, especially because New York is so expensive\r\nMary: I know, all museums cost minimum 20 bucks\r\nTom: Exactly \r\nMary: anyway, I'm happy you liked Dumbo\r\nTom: Very much!\n: ","ground_truth":"Tom really liked the museum Mary recommended to him in Dumbo. He got in for free using his student card. "} +{"text":"Summarize the dialog.\n: Veronica: I left the school earlier today\r\nDad: why? \r\nVeronica: I have period and I feel terrible \n: ","ground_truth":"Veronica left school early today because of her period."} +{"text":"Summarize the dialog.\n: Ruby: i'm considering meeting someone online\r\nGrace: yeah, totally, go for it!\r\nRuby: so you don't think it's a bad idea? \r\nGrace: no, not at all! there are so many people dating on apps and different dating websites and so on \r\nRuby: i'm not very confident you know so thought it might be easier\r\nGrace: yeah, totally! My sis met her boyfriend online you know?!\r\nRuby: really? which one?\r\nGrace: my younger sis\r\nRuby: oh, ok \r\nGrace: do you wanna sort of do it together?\r\nRuby: that would be brilliant! I'm not sure about my picture and other stuff\r\nGrace: no worries, i'll help you\r\nRuby: thank you so much! ;)\r\nGrace: you're an awesome girl you'll be fine! \n: ","ground_truth":"Ruby wants to meet someone online. Grace's sister met her boyfriend online. Grace will help Ruby to set up her online profile."} +{"text":"Summarize the dialog.\n: Hannah: good luck with your exam!\r\nRosie: thanks\r\nHannah: you're ready for it?\r\nRosie: not sure but I can't study anymore\r\nRosie: I think I'll just go to bed and rest\r\nHannah: that's not a bad idea, just rest and relax and everything should be fine\n: ","ground_truth":"Rosie doesn't feel she's ready for the exam, but she can't study anymore. She'll go to bed and rest. "} +{"text":"Summarize the dialog.\n: Mateos: I wish we could all live in a neighborhood in the future\r\nMateos: I already miss you all \r\nConnor: Ya bro\r\nConnor: It feels like our journey just started\r\nConnor: And you have to leave\r\nMateos: :( \r\nMateos: I always knew that everything is happening too fast in my life\r\nConnor: You're done school\r\nConnor: Be happy because of that\r\nConnor: And well reunite in the future\r\nMateos: :3\n: ","ground_truth":"Mateos has finished school and has to leave. Connor and Mateos will miss each other."} +{"text":"Summarize the dialog.\n: Warren: hey, we're going to go see Ben's band play this evening. Wanna come?\r\nRaphael: I'd love to, but my own band is playing tonight.\r\nWarren: oh, that's right. where?\r\nRaphael: at the German-American club. they really like us there surprisingly. 4th time playing there.\r\nWarren: that should be fun...i guess\r\nRaphael: youd be surprised\r\nWarren: are you guys going to mix up your set this time?\r\nRaphael: yeah, we usually do. it's just that there are 5-6 of our songs that they always want to hear.\r\nWarren: oh. well good luck!\r\nRaphael: thanks! Tell Ben I said hey and enjoy the show.\r\nWarren: i will. he's really pumped for it. should be good.\r\nRaphael: great. catch ya later!\r\nWarren: byeeee!\n: ","ground_truth":"Warren offers Raphael to go and see Ben's band tonight. Raphael refuses as his own band is playing at the German-American club this evening. It's the 4th time they'll be playing 5 or 6 of their songs there."} +{"text":"Summarize the dialog.\n: Alicia: have you watched the royal wedding?\r\nPatricia: oh sure\r\nEugenie: yeah\r\nPatricia: They look absolutely fab!\r\nPatricia: Harry.... <3\r\nEugenie: its funny how he was an ugly boy and is now so handsome :P\r\nAlicia: and his brother took the opposite way\r\nPatricia: yeah, William was such a pretty boy\r\nPatricia: and now he's not so handsome\r\nEugenie: But Harry and Meg...\r\nEugenie: really royal couple! <3 <3\r\nPatricia: shes so different\r\nPatricia: she will do a lot of mess in the royal family\r\nEugenie: oh really?\r\nPatricia: yeah. American, divorced, older than Harry\r\nPatricia: its never happened before yet\r\nEugenie: you're right\r\nAlicia: true. Kate is so traditional \r\nAlicia: but Meghan...\r\nAlicia: :P\r\nPatricia: Ok, I gota get back to work. \r\nPatricia: bye for now Ladies!\r\nAlicia: Bye!\r\nEugenie: see you :* :*\n: ","ground_truth":"They gossip about the Royals. They have a preference for Harry and Meg over William and Kate."} +{"text":"Summarize the dialog.\n: Kailynn: Some of my parts of the body are that burnt that I can't even touch them\r\nBrenton: Hmm ok. Which parts haha\r\nKailynn: Belly. My back. Legs\r\nBrenton: Ok\r\nKailynn: I will show how red I was yesterday\r\nKailynn: \r\nBrenton: Not too bad I've seen worse haha\n: ","ground_truth":"Kailynn is so badly sunburned, that some parts of her skin hurt when touched."} +{"text":"Summarize the dialog.\n: Caroline: hey, have you got Julia's phone number? \r\nCaroline: She doesn't reply on messenger...\r\nJane: Yep, wait.\r\nJane: 0 56437895438 ;-)\r\nCaroline: thx!\n: ","ground_truth":"Julia doesn't respond on messanger. Caroline gives Jane Julia's phone number."} +{"text":"Summarize the dialog.\n: Claire: I'm in the bus going home\r\nPatrick: A bus? Are you insane??\r\nClaire: The flights were so expensive\r\nPatrick: They always are on Fridays\r\nPatrick: What time will you be in Brussels?\r\nClaire: Around midnight\r\nPatrick: So many hours....\r\nPatrick: I feel sorry for you\r\nClaire: What to do?\r\nClaire: At least I can work.\r\nPatrick: Work?\r\nClaire: Yeah. I need to write some dialogs.\r\nPatrick: Humm... for a movie?\r\nClaire: haha I wish...\r\nClaire: And how about you? What's up?\r\nPatrick: I'm leaving the office soon\r\nPatrick: Heading back home.\r\nClaire: Any plans for the weekend?\r\nPatrick: Nothing. Just chill. \n: ","ground_truth":"Claire is going home by bus. She will be in Brussels around midnight. Patrick is going home soon."} +{"text":"Summarize the dialog.\n: Jenny: do you want me to take the dogs out tonight\r\nKim: yes please mum I will be home by 7\r\nJenny: do you want me to get tea started as well?\r\nKim: yes please love x\n: ","ground_truth":"Jenny will take the dogs out. Kim will be home by 7. Jenny will prepare some tea."} +{"text":"Summarize the dialog.\n: Fiona: How is your #metime honey?\r\nAdam: Great. Smokin grass and playing Dark Souls\r\nFiona: Ehh. Shouldn't have asked\r\nAdam: How's your conference?\r\nFiona: Great, but it's slowly coming to an end. Will be getting back soon.\r\nAdam: I'll greet you with hell of a supper :D\n: ","ground_truth":"Fiona is at a conference. She'll be coming back soon. Adam is smoking grass and playing Dark Souls. He will prepare a nice supper when Fiona comes back. "} +{"text":"Summarize the dialog.\n: Lily: Congratulations brother! I just heard from Meg that you made it!\r\nLily: Give yourself a big pat on the back!\r\nPeter: Thanks sis, it was really hard to win the match, but there we are, with the Championship!!\r\nLily: I knew that you could do it! The whole team is simply awesome! \n: ","ground_truth":"Lily is congratulating Peter and his team on their victory in a match. Peter's team earned championship. "} +{"text":"Summarize the dialog.\n: Wayne: Help! I need my password for the company shared folder!\r\nJason: One sec.\r\nWayne: Thank you!\r\nJason: ScOOter42\r\nWayne: Oh, geez, I can\u2019t believe I forgot that! Thanks!\r\nJason: NP\n: ","ground_truth":"Wayne asks Jason for his password for the company shared folder."} +{"text":"Summarize the dialog.\n: Trudy: Anyone know any decent (cheap) dry cleaners near Hom?\nAmanda: Wash in the sink\nTrudy: hahaha\nTrudy: Trust me I've already tried still stinks horribly \nJenny: Swiss Dry Cleaners are good, but a bit slow. Penguin are further but quick. Never used them, though, so idk how good they are\nTrudy: Thanks Jenny\nTrudy: I'll have a look at the price list first...\nTrudy: Gosh...\nTrudy: So expensive...\nTrudy: And I cannot even find my item on the list\nJenny: What is it?\nTrudy: A leather jacket\nTrudy: My cat peed on it... \n: ","ground_truth":"Trudy is looking for a decent and cheap dry cleaner's. She needs to have her leather jacket cleaned after her cat peed on it. Swiss Dry Cleaners are good, but slow. Penguin are further away but fast."} +{"text":"Summarize the dialog.\n: Robert: Nora The metoo movement was started by wealthy bourgeois white women like Sandberg and continues to largely benefit those like her. They\u2019re actually very similar.\r\nSophie: Robert let me know we you condiser to be a part of helping these women you mention.\r\nSophie: She monetized the death of her husband by writing a book. She acted like she knew everything about grief and went from talk show to talk show promoting her book but never gave it to those who are grieving.\r\nSophie: There is little honest and altruistic about her. She has enough money but never thought about giving out the book to those men and women who suffered the same.\r\nRobert: Sophie Why would they want to read it?\r\nMsty: Never liked her something I did not know what\r\nGerard: Greed and power over any level of ethical constraints.\r\nMichelle: Ah the old anti-semite slander.. it's rife in the UK too. Many ppl see right through this desperate deflection tactic.\r\nViolet: There\u2019s a new \u201cism\u201d in town. Fearism. Fear of loosing wealth, status, respect, belief system, etc. - resulting in poor and dangerous decision making by the Fearist - membership includes both men and women.\r\nCaroline: Time for her to lean out.\r\nMsty: Female work bully or Devil wear Prada\r\nCarole: This is everything that\u2019s wrong with White Feminism hat is a racist comment.\r\nBeth: (((White)))\r\nCarole: Beth bore off! I\u2019m referring to \u2018white feminists\u2019 and their blindness to structural issues.\r\nRichard: Says the white person getting offended on behalf of other people\r\nJulie : Corporate is as corporate does.\r\nGerard: the lack of integrity is front and center and don't leave out zuck either\r\nMark: sounds just like our very own tory party\r\nMsty: What rubbish\r\nMsty: \r\nCaroline: What if women are much like men?\r\nMark: Joining corporate culture and behaving like sleazy greasy male executives does not a good feminist make.\n: ","ground_truth":"Robert criticizes Sandberg for using me too movement for her own profit, Sophie criticizes her for being money oriented, Misty admits she doesn't like her but for no particular reason. Michelle explains fearism. Carole talks about white feminism issues, and ignoring structural issues. "} +{"text":"Summarize the dialog.\n: Lucas: Hey girls, any plans for the weekend?\r\nMiranda: I\u2019m going to London for 3 days. Can\u2019t wait to go to Ye Olde Cheshire Cheese \ud83d\ude0a\r\nAnna: I want to go to London, too!\r\nLucas: Take us with u!\r\nMiranda: No problem, guys. Book the flights and we\u2019re in London in three days!\r\nAnna: I\u2019m checking the flights\r\nAnna: Nothing, everything\u2019s sold out\r\nAnna: \u2639\n: ","ground_truth":"Lucas and Anna wanted to join Miranda on her 3-day trip in London, but the flights were sold out."} +{"text":"Summarize the dialog.\n: Macy: hello\r\nLibby: hi\r\nMacy: want to go with me?\r\nLibby: where?\r\nMacy: some shopping\r\nLibby: just shopping or shopping with a reason?\r\nMacy: i need to buy some shoes\r\nLibby: you have 20 pairs of shoes!\r\nMacy: but i need ones with sparkling glitter\r\nLibby: party?\r\nMacy: new year's eve with my boyfriend :)\r\nLibby: uuuu! :D\r\nMacy: i have a dress bu i need these shoes\r\nLibby: so tomorrow?\r\nMacy: ok\n: ","ground_truth":"Macy needs glittery shoes for the new year's eve so she's going shopping with Libby tomorrow."} +{"text":"Summarize the dialog.\n: Ann: guys, I'm seriously thinking about moving to Canada next year\r\nTony: what? why?\r\nAnn: I need something new, I'm fed up with this city\r\nMarianne: But why Canada? It's so cold\r\nTony: Have you ever been there at least\r\nAnn: No, I haven't, but that's the best, something completely new\r\nMarianne: I think you would like it\r\nMarianne: it's American, but not too much\r\nTony: and European, but not too much\r\nMarianne: true!\r\nTony: but you should go to Vancouver \r\nTony: \r\nAnn: I didn't know it's such a liveable city, they always talk about Vienna and Melbourne \r\nTony: and Vancouver, I think this is the holy trinity of comfortable life on this planet\r\nMarianne: But you would be so far from us...\r\nAnn: Maybe I'll just do it for a while\r\nAnn: And most of all we will see if I can find a job there\r\nAnn: But I could basically anything\r\nTony: I feel I'm too old for that, but I envy you a bit\r\nAnn: But you've done it already, with Paris I think\r\nTony: Yes, but it was in my 30s\r\nTony: now I need some comfort, predictability, stability\r\nAnn: so also for me it may be the last moment to try some craziness \r\nTony: possibly, I like this idea, we should be more crazy in life\n: ","ground_truth":"Ann is thinking about moving to Canada next year. Tony recommends Ann to follow the crazy craving and move to Vancouver. "} +{"text":"Summarize the dialog.\n: Will: So apparently\r\nWill: Jessica is sick and she went on a holiday leave\r\nPaula: For how long\r\nWill: Dunno, I heard 2 weeks\r\nPreston: What happened to her? \r\nWill: She's probably tired of working\r\nPaula: I feel sorry for her\r\nPaula: I will send her a text\n: ","ground_truth":"Jessica is on a 2 weeks leave. According to Will she is overtired with work. Paula will text her."} +{"text":"Summarize the dialog.\n: Marion: What is the plan for tomorrow?\nMary: We want to hike a bit\nMarion: where?\nTim: in the Jandia Peninsula\nLiam: wanna join?\nMarion: I don't feel like walking tomorrow\nMarion: so we can just meet afterwards to eat something\nLiam: ok, but where?\nMarion: in Morro Jable?\nLiam: sounds good, not far from the path\nMarion: exactly \nMarion: what time do you want to start?\nLiam: around 12\nMarion: so you won't be done before 5\nTim: you think so?\nMarion: I'm sure, i've done all the paths on this island\nMary: hahaha, ok\nMarion: it's a very beautiful place, you'll love it\nMarion: and write me when you're done\nMary: ok\n: ","ground_truth":"Mary, Tim and Liam are hiking tomorrow in the Jandia Peninsula. They'll start at 12. Marion has done all the hikes on the island. She'll meet them later in Morro Jable. They will write her when they finish."} +{"text":"Summarize the dialog.\n: Ann: Baby please pick up Tia from school i wont be able to leave...\r\nJohn: ok babe no worries\r\nAnn: Thank you love :kisses:\r\nJohn: :kisses: :kisses: :kisses:\n: ","ground_truth":"John will pick up Tia from school because Ann won't be able to."} +{"text":"Summarize the dialog.\n: Kim: Are you going to the conference in SF?\nJenny: I should, I know, it would be good for my career\nJeff: no, not so much, I think it's bullshit that it's so important\nSimon: is it?\nJeff: sure, the whole net-working thing doesn't really matter, I think\nJeff: nobody offers you a job at a conference\nJeff: and it costs so much to fly to SF\nKim: I would like to go also to see what's going on in the field\nKim: to meet people, see new trends, ideas\nKim: I think it's important for an academic\nJeff: this may be true, if you can afford\nKim: the flight is about \u20ac500, right?\nSimon: true\nJeff: and then more money for accommodation\nJeff: it can easily pile up to \u20ac2000\nKim: you're quite right, unfortunately\nJeff: because it also doesn't make sense to fly to California for 3 days\nJeff: it would be also extremely disturbing, with the jet lag etc.\nKim: you're so right :(\nJeff: so think about it first\n: ","ground_truth":"Jeff is not going to the conference in SF. The flight is expensive."} +{"text":"Summarize the dialog.\n: Neil: I've beed digging through old photos\r\nNeil: Look what I've found\r\nNeil: \r\nJerry: Hahahaha. It's us in China. God damn it was so long ago!\r\nJerry: I wish we repeated that trip.\r\nNeil: Yeah. Me too. :)\n: ","ground_truth":"Neil sends Jerry a photo from their trip to China. Jerry and Neil wish to repeat the trip."} +{"text":"Summarize the dialog.\n: Andy: Mom, there's a package for me coming in today.\r\nMrs Pink: Okay\r\nAndy: Could you or dad pick it up for me if I'm not at home?\r\nMrs Pink: Sure. What is it?\r\nAndy: School stuff?\r\nMrs Pink: What school stuff?\r\nAndy: Something I need for school.\r\nMrs Pink: I don't think you're being quite honest with me.\r\nAndy: Don't you trust me?\r\nMrs Pink: I do, but still. What is it?\r\nAndy: Fine. I ordered some games online.\r\nMrs Pink: Again?! We need to have a talk, young man.\r\nAndy: But mom...\r\nMrs Pink: Don't you but mom me. How much have you spent this time?\r\nAndy: 50$\r\nMrs Pink: Your own allowance?\r\nAndy: Yes. \r\nMrs Pink: Sure, we'll gladly pick it up for you. \n: ","ground_truth":"Andy needs his parents to receive his parcel today. He tries to lie to Mrs Pink that he bought school supplies but admits he ordered 50$ worth of games. Mrs Pink doesn't mind him buying games as long is it is out of his own pocket."} +{"text":"Summarize the dialog.\n: Pola: Hi!\r\nPatty: Oh, hi.\r\nPola: Are you coming to the concert tonight?\r\nPatty: Hmmm, I'm afraid I can't. Sorry.\r\nPola: You can't or you don't want to? Come on, we organized this together with all the other guys, why won't you join us?\r\nPatty: I just can't and I'm not coming, sorry.\r\nPola: Oh well... but are you coming to the second day of our conference tomorrow?\r\nPatty: Sure I am.\r\nPola: I just hope you'll stay longer than you did today... You know what I mean.\r\nPatty: What do you want from me?\r\nPola: It's our common project and it just doesn't feel right that you're ignoring it.\r\nPatty: I'm not. But ok, got it. See you tomorrow.\r\nPola: Ok, see you...\r\nPatty: Bye!\r\nPola: Bye...\n: ","ground_truth":"Patty isn't going to the concert tonight. The concert has been organized by Pola and other people from their project. Patty will try to stay longer at the second day of the conference tomorrow."} +{"text":"Summarize the dialog.\n: Mary: Guys, where can I buy yerba mate?\r\nDaniel: In the international supermarket \r\nDon: Yeah\r\nDon: On mill road they have it\r\nMary: Thanks!\r\nMary: Next week I'm going to stock up\r\nMary: I'm running out of it\n: ","ground_truth":"Mary is running out of yerba mate and wants to buy it next week. It can be bought in the international supermarket."} +{"text":"Summarize the dialog.\n: Brad: Have you seen it? A new kindergarten.\r\nSuzy: I love it! Fantastic design! so sleek! Why can't we have more of those?!\r\nDana: I haven't analysed all the pictures but I haven't seen a single tree there... oO\r\nBrad: I am not a parent so correct me if I'm wrong but why do kindergartens need to have trees exactly?\r\nDana: The don't have to have them and it's not about the supermodern design but people need something other than just plastic, concrete and wooden panels, even the little people ;)\r\nSuzy: Parents will have more time to take kids to see trees if they don't have to commute from the other side of town to pick up their kids...\r\nDana: I'm talking about its design and not their distance from someone's workplace though...\r\nBrad: but it is about the proximity to someone's workplace though! I honestly couldn't care less if there are trees there or nor, from a business standpoint I think it's a great solution and I wish there were more places like this one!\n: ","ground_truth":"Brad send Suzy and Dana a picture of new kindergarten. Suzy loves the design. Dana doesn't like lack of trees, she think kids could use some variety in their environment. For Suzy and Brad the kindergarten's proximity to work is most important. "} +{"text":"Summarize the dialog.\n: Cheryl: karaoke tonight?\r\nCheryl: i haven't see you in ages\r\nLucia: who else is going?\r\nCheryl: me, you and candace\r\nLucia: count me out\r\nCheryl: why?!?!?!\r\nCheryl: you love karaoke\r\nLucia: but i have candace\r\nLucia: she always gets on stage and won't let anyone else sing\r\nLucia: she thinks she's a superstar lol\r\nCheryl: come on, she's nice, you like her\r\nLucia: used to like her\r\nLucia: i find her annoying now\r\nCheryl: is there anything i can do i can change your mind?\r\nLucia: no\r\nLucia: have fun!!!!!!!\n: ","ground_truth":"Lucia doesn't want to go to karaoke with Candace, because she hates her. "} +{"text":"Summarize the dialog.\n: Pedro: I got promoted!\nSamantha: Great! Well deserved. \nJake: Let's celebrate \n: ","ground_truth":"Pedro got promoted. "} +{"text":"Summarize the dialog.\n: Josh: Our flight is delayed..\r\nJosh: They say that we might have to wait here even up to 5 hours\r\nTom: oh, really?\r\nTom: so you won't be here before midnight?\r\nJosh: I don't think so...\r\nTom: hm.. there are no buses at night, I'm afraid. \r\nTom: you will have to get a cab.\r\nJosh: Is it very expensive?\r\nTom: yeah, quite expensive...\r\nTom: Actually, I'll call you a cab, once you arrive. \r\nTom: This will be a bit cheaper...\r\nJosh: and what about uber?\r\nTom: uber will be far more expensive, trust me\r\nJosh: ok. I see. Thanks\r\nTom: no problem. \n: ","ground_truth":"Josh's flight is delayed, so he won't arrive before midnight. Tom will call him a cab once he's landed, which is cheaper than Uber. "} +{"text":"Summarize the dialog.\n: Lauren: Hi!\r\nAdam: Hi! Excited?\r\nLauren: very much! It will be my first time in NYC\r\nAdam: I know\r\nLauren: I'm reading about the city right now\r\nLauren: I didn't know it consists of 5 counties\r\nAdam: yup, Manhattan, Long Island, Brooklyn, Queens and the Bronx\r\nLauren: no, Long Island is a part of the Metropolitan Area but not of the city\r\nAdam: so what is the 5th borough?\r\nLauren: Staten Island \r\nAdam: right! I forgot about the islands!\r\nLauren: they became one city in 1898\r\nAdam: I didn't know. Interesting\r\nLauren: Yes, it has a fascinating history\r\nLauren: you know I'm into history\r\nAdam: I know, you should visit the Museum of the City of New York\r\nLauren: nice! I like city museums\r\nAdam: We can even go there together\r\nLauren: yes, let's do it\r\nAdam: ok!\n: ","ground_truth":"Lauren is going to NYC for the first time. She's preparing for the journey. Adam and Lauren will go to the Museum of the City of New York. "} \ No newline at end of file diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/validation.jsonl b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/validation.jsonl new file mode 100644 index 0000000000..25cafc659a --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/validation.jsonl @@ -0,0 +1,97 @@ +{"text":"Summarize the dialog.\n: Martha: hey I'll be in Cracow on Thursday morning and I'll be staying there till Friday afternoon\nMartha: if you have time\nSharon: I do\nMartha: \nMatthew: I don't know when I'll be done with my work, when you're seeing each other?\nSharon: 9 PM I guess\n: ","ground_truth":"Martha will be in Cracow on Thursday morning and will stay there until Friday afternoon."} +{"text":"Summarize the dialog.\n: Ann: Have you heard the news?\r\nCamilo: Yeah! Donald trump has announced to help Pakistan\r\nAnn: What do you think about it?\r\nCamilo: Pakistan needs it and Donald trump is a good person\r\nAnn: I guess so!\r\nCamilo: He would be making a love speech from his office this friday\r\nAnn: I might not be able to hear that\r\nCamilo: Need to prepare the assignments\r\nAnn: You can hear it on yt afterwards\r\nCamilo: I would try to\r\nAnn: Would you come to College tomorrow?\r\nCamilo: Yeah I would\r\nAnn: See you tomorrow then\n: ","ground_truth":"Donald Trump revealed a plan to help Pakistan. This Friday he will give a speech. Ann won't be able to listen. Camilo will watch it on yt later. Ann and Camilo will meet in college tomorrow."} +{"text":"Summarize the dialog.\n: Leah: Why don't you want to come?\r\nMax: It's not that I don't want to \r\nMax: I can't \r\nLeah: Because of Amy?\r\nMax: Leah, we've discussed it already\r\nMax: We both know that there is something between us\r\nMax: But I prefer not to act on it\r\nLeah: Amy is so lucky to have a husband like you\r\nLeah: What can I do?\r\nLeah: I have feelings for you\r\nLeah: I want to spend time with you\r\nLeah: It's stronger than me\r\nMax: I know Leah\n: ","ground_truth":"Max and Leah have feelings for each other. Max prefers not to do anything because he's married to Amy."} +{"text":"Summarize the dialog.\n: Freddie: So Brexit is finally gonna happen?\r\nIsla: Looks like it. Still a long way to go, but through the hardest part. I think!\r\nFreddie: What about Ireland?\r\nIsla: I think they're still hashing that one out. Visas and passports too. And customs. And...\r\nFreddie: Geez. So what did they really settle?\r\nIsla: Immigration for one thing. And who owes who money for another. The important stuff.\r\nFreddie: Riiiight.\r\nIsla: After all, immigration was the reason it all got voted in in the first place.\r\nFreddie: The NIMBY's of the country?\r\nIsla: Yes, they saw immigrants as diluting the British culture and sucking up all the resources.\r\nFreddie: I see.\r\nIsla: Not wrong in some cases, but also there were some countries that shouldn't have been part of the EU. Turkey for one!\r\nFreddie: Isn't that where you're from?\r\nIsla: My family originally, yes. \r\nFreddie: Interesting!\n: ","ground_truth":"Isla thinks Brexit is going to happen. There are issues that they still need to settle before Brexit. Isla thinks Turkey shouldn't be in the EU. Isla's family is from Turkey. "} +{"text":"Summarize the dialog.\n: Theodor: Honey, I guess I will go home late today.\nAmilie: ..Why?..\nTheodor: I have night duty today \ud83d\ude2d\ud83d\ude2d\nAmilie: You do it again? you have night duty several times a month.\nAmilie: How about talking with your supervisor? \nAmilie: I mean, it\u2019s fine if they just let you know in advance. \nAmilie: But very rare! Mostly they just let you know before you get ready to go home. \nTheodor: Well..\nAmilie: Talk to your supervisor today, or I will call him and talk with him about this for sure!\nTheodor: Okay. Don\u2019t get angry darling. \ud83d\ude13\ud83d\ude13\ud83d\ude13\n: ","ground_truth":"Theodor has a night duty and he will go home late today. Amilie is angry, because Theodor has night duty several times a month and most of the time his supervisor do not tell him about it in advance."} +{"text":"Summarize the dialog.\n: Monica: Where are you?\r\nMonica: I can't see you.\r\nLexie: Be right there.\r\nMonica: OK, waiting.\n: ","ground_truth":"Monica is waiting for Lexie."} +{"text":"Summarize the dialog.\n: Ulia: Hi Jerry!\r\nJerry: Hi! \r\nUlia: Would you like to watch the football together tonight?\r\nJerry: No, not really. Not a football fan. \r\nUlia: Ok! \n: ","ground_truth":"Ulia wants to see a football game with Jerry tonight, but he is not a football fan."} +{"text":"Summarize the dialog.\n: Pam: I'm done with the report\nPam: Where should I send it?\nAndy: To Mr. Hendricks\nLeslie: a.hendricks@asterix.com \n: ","ground_truth":"Pam is done with the report. She should send it to Mr. Hendricks at a.hendricks@asterix.com."} +{"text":"Summarize the dialog.\n: Jim: Hey, I've sent you an email about Christmas but please ignore it\r\nEva: OK. I was going to call Aga's parents this afternoon\r\nJim: I was going to buy the tickets but have to wait till I get a confirmation of my holidays\r\nEva: So you're not coming on 24th?\r\nJim: No, I was not going to come before Christmas. I'll come on 26th or later.\r\nEva: OK, I didn't know that\r\nJim: The kids will go before, on the 19th.\r\nEva: So they're flying with Aga's parents?\r\nJim: Yes. \r\nEva: And you're alone for Christmas???\r\nJim: I will probably see my brothers.\r\nEva: Why don't you go to Poland earlier?\r\nJim: I wish but I can't go with the kids because of my job, I could go on the 24th but they would have to pick me up in the afternoon... it's a trouble.\r\nJim: And I will have to work on 27th, probably. \r\nEva: ok, but if by any chance you can come before Christmas we can pick you up at the airport! it's not a problem\r\nJim: thank you... but I know everyone's busy on Chrismas Eve\r\nEva: Don't worry. We'll stay at home with my parents.\r\nJim: OK. I will know before next weekend.\r\nEva: Please let me know.\r\nJim: OK. Thank you. \r\nEva: Do you want me to explain anything to them?\r\nJim: No, we're fine now, thanks. Maybe I will ask you a favor when Iwona is here. We will probably need you to translate the details :)\r\nEva: OK!\n: ","ground_truth":"Jim will know before the weekend if he can come before Christmas or on the 26th or later. Eva can pick him up at the airport if he comes before Christmas. "} +{"text":"Summarize the dialog.\n: Martha: wya?\r\nMaria: at the entrance to the mall\r\nJeremy: I'm inside\r\nMaria: ok, I'm also going inside, it's too cold here\r\nMartha: I'll be there in 10 min\r\nMartha: should we eat first?\r\nMaria: Are you hungry?\r\nMartha: very!\r\nJeremy: me too\r\nMaria: I'm not hungry yet, but I could have something small\r\nMartha: ok, so maybe the pizzeria inside the mall?\r\nMaria: ok, i'll just take a slice and you can order whole pizzas\r\nMartha: right!\r\nJeremy: so we will wait there for you\r\nMartha: ok\n: ","ground_truth":"Jeremy and Maria are going to wait for Martha in the pizzeria inside the mall. Martha and Jeremy are hungry. Martha is going to be in 10 minutes. Maria will take only one slice of pizza."} +{"text":"Summarize the dialog.\n: Mike: Would u give me ur car for tonight, plz?\r\nIan: Why? A date?\r\nMike: Yes, with Mary :)\n: ","ground_truth":"Mike has a date with Mary tonight and he needs to borrow Ian's car."} +{"text":"Summarize the dialog.\n: Akira: hey, im at the airport now. where are you?\r\nYasujir\u014d: getting out of my cab in a second. are you at the luggage dropoff\r\nAkira: yeah, theres a bit of a line. ill save a spot for you\r\nYasujir\u014d: thanks. be right there.\r\nAkira: dont forget to lighten your bags before they weigh them. remember how u overpacked last time?\r\nYasujir\u014d: I should be fine this time.\r\nAkira: Ok\n: ","ground_truth":"Akira is at the airport standing in line at the luggage dropoff. Yasujir\u014d is getting out of his cab and will join Akira shortly. Yasujir\u014d overpacked his luggage last time."} +{"text":"Summarize the dialog.\n: Peterson: \r\nPeterson: my assistant\r\nPhilipa: what a cutieeee\r\nPhilipa: these photos lighten up my day \ud83d\ude0d\ud83e\udd17\r\nPeterson: \ud83d\ude18\n: ","ground_truth":"Peterson sends Philipa a photo of his assistant and she finds the assistant cute."} +{"text":"Summarize the dialog.\n: Marion: Dear Rita, just wanted to say thank you for the lift last night.\r\nRita: Morning Marion, my pleasure!\r\nMarion: I did enjoy very much a chat with you on the way home. You are such a sensible person.\r\nRita: Thank you. You are too kind. Well, I enjoyed our small chat too.\r\nMarion: What a shame we hadn't thought about swapping rides to the concert hall before.\r\nRita: We have to do it regularly in the future.\r\nMarion: By all means. Parking fees have become exorbitant, haven't they?\r\nRita: Oh yes. And it takes time to find an empty spot!\r\nMarion: So it is my turn next month.\r\nRita: In fact the next concert is as early as in two weeks' time. Just checked it.\r\nMarion: Ooops! You're right. On the 12th of November. And a fabulous programme too!\r\nRita: Yes, I'm looking forward to it. Is it OK if I take my son along with me?\r\nMarion: But of course! It will be nice to see him again.\r\nRita: Thank you, Marion!\r\nMarion: Don't mention it. Anyway we'll phone to sort it all out just a day or two beforehand, OK?\r\nRita: We will. Now have a lovely day!\r\nMarion: You too!\n: ","ground_truth":"Marion and Rita agree to take turns driving each other to the concert hall. Next concert is on the 12th of November and Rita will drive. She will also bring her son along. They will be in touch for details a day or two before the concert."} +{"text":"Summarize the dialog.\n: Caroline: I got my results...\nOlivia: And??\nIrene: Negative, right?\nCaroline: Yes. I feel so relieved! \n: ","ground_truth":"Caroline got negative results. She is relieved."} +{"text":"Summarize the dialog.\n: Camilla: Hello dear \ud83d\ude0a How is your trip going?\r\nMarge: Oh, it\u2019s absolutely wonderful! The weather is just right. It\u2019s not too sunny, which is a good thing, and you know what oppressive weather is doing to my health. The people are very hospitable and warm, but maybe a little bit too exuberant for my taste.\r\nCamilla: And how is food?\r\nMarge: Spicy and stodgy, but Frank is crazy about it. He\u2019s forcing me to accompany him on every little trip to the city centre, so he can taste something new.\r\nCamilla: You shouldn\u2019t complain so much about it, Marge. After all, you are finally spending some quality time together.\r\nMarge: Oh, but you know me. I\u2019m more of a home bird, not that I\u2019m staying in the hotel, mind you. Instead of chasing after food, I prefer to lounge in the sun with a good book in my hand. And he\u2019s making my life just a little bit harder. But enough about me! How are you?\r\nCamilla: Fine, thank you. I\u2019m completely alone today, because Harry has gone fishing this morning, but I think I might go out for a bit, maybe do some shopping. We don\u2019t have any rosemary and it does wonders to a freshly caught salmon. We\u2019ll stay in touch, dear. Enjoy your trip!\r\nMarge: We certainly will! Take care, dear.\n: ","ground_truth":"Marge's trip is great. The weather is perfect. Frank is crazy about the food. He wants Marge to accompany him on every trip to the city centre. She would prefer to stay at the beach with a book. Camilla's staying alone today because Harry's gone fishing. She's going to do some shopping."} +{"text":"Summarize the dialog.\n: Alan: guys, you're Americans, could you tell me how much should I tip in NYC, I'm always confused\r\nPeter: I'm British :P\r\nAlan: Once sb told me it's about 10%\r\nAlan: that it's decent\r\nJosephine: No, I'd say at least 15%\r\nMelissa: In NYC I always give at least 20%\r\nJay: me too\r\nAlan: What? That's a lot!\r\nMelissa: I know, but there are good reasons for that\r\nMelissa: waiters get paid very badly in NYC\r\nJay: if they get paid at all\r\nMelissa: exactly\r\nAlan: what?\r\nMelissa: it's said that nowadays a lot of business owners don't pay waiters because they assume they would get tips\r\nJay: and of course they don't have health insurance and so on, very often\r\nJay: so conditions of this work are very bad generally\r\nAlan: So we basically chip in their salary?\r\nJay: yes, it seems so\r\nMelissa: I believe in most of cases it's true\n: ","ground_truth":"Alan isn't sure if a 10% tip is enough in NY. Josephine usually tips minimum 15%, Jay and Melissa more than 20%. Many NY waiters don't get regular wages or don't have health insurance so they have to rely on tips as only income."} +{"text":"Summarize the dialog.\n: Lucas: Hey Sarah, have you seen Stranger Things?\r\nSarah: Sure, it\u2019s absolutely awesome!\r\nSarah: It\u2019s scary when it means to be scary and it\u2019s also endearing when it means to be endearing. It\u2019s an absolute delight to watch \ud83d\ude0a\r\nLucas: It\u2019s an amazing early 80s throwback, don\u2019t you think?\r\nSarah: It\u2019s in the same convention as Lost or Under the Dome\r\nLucas: I liked the \u201880s very much, especially music from that time\r\nSarah: Sure, I think that music from the \u201880s was amazing\r\nLucas: Is Netflix planning to make the 3rd season?\r\nSarah: Yes, it\u2019s one of the most popular series on Netflix\n: ","ground_truth":"Sarah and Lucas watched Stranger Things and they like the 80's convention. Netflix will play the 3rd season."} +{"text":"Summarize the dialog.\n: Yvonne: Hi! Can you tell my father that he should come at 5 not at 4 pm.\r\nIona: He's in town now but I can send him a message.\r\nIona: Actually why don't you text him?\r\nYvonne: I did and asked him to call me back but he hasn't read my message.\r\nIona: That's strange. He is always so fast in replying. Wait a sec!\r\nIona: Just found his mobile! He's forgotten to take it along.\r\nYvonne: Oh sugar! Can you leave him a message at home to read when he's back?\r\nIona: Sure I can but I don't think he'll be coming home before visiting you. He was saying something about driving on to Bretton.\r\nYvonne: That's too bad. Nobody will be here at 4.\r\nIona: Hasn't he got a spare key to your place?\r\nYvonne: He does but quite unlikely he's got it on him. Could you please check if it is on its key hook?\r\nIona: I'm already on the train to B'ham.\r\nYvonne: Oh blast!!! I guess I have to leave the key with the neighbours and put a note for him on the door. I'd hate him standing in the cold and dark here and not knowing what's going on.\r\nIona: Sounds a sensible solution.\n: ","ground_truth":"Yvonne is trying to reach her dad to let him know to come at 5 instead of 4 as no one will be in. As she nor Iona can reach him, she will leave a key with the neighbours and a note on the door. "} +{"text":"Summarize the dialog.\n: Pete: Have you decided on your new car, yet?\r\nTom: I'm still wondering but right now I am leaning towards a long-term rental option\r\nPete: Oh really? Doesn't it add up to a much higher cost in total?\r\nTom: Not really, when take into consideration all the insurence costs and how much new cars diminish their value the minute you buy them\r\nPete: Hmm, I haven't lokked at it this way\r\nPete: looked*\r\nTom: And I get a new car each year\r\nPete: Wow, that's actually something I would be interested in :D\n: ","ground_truth":"Tom is thinking of getting a new car. Long-term rental may be a good option for him."} +{"text":"Summarize the dialog.\n: Pam: Have you seen the new Woody Allen movie?\r\nSteve: No and I'm not going to. He's a creep. All that stuff with his family - yuk. Never watching a movie of his again\r\nPam: I hear ya\n: ","ground_truth":"Steve is never going to watch a movie by Woody Allen again."} +{"text":"Summarize the dialog.\n: Mark: Returning to our last discussion, do you like French cuisine?\r\nJosh: Well, I don\u2019t know actually\u2026\r\nMark: If you\u2019re one of those people who doesn\u2019t like to eat because \u201cthere\u2019s more to life than food\u201d, you should definitely visit Paris \ud83d\ude0a\r\nJosh: I guess I\u2019m that kind of person \ud83d\ude09 Actually, I\u2019m a great fan of sports and you know it very well\r\nMark: I\u2019ve been to Paris two times and I loved exploring combinations of wines and cheeses. Besides, according to the traditional French cuisine, butter plays a central part in French dishes\n: ","ground_truth":"Mark has been to Paris twice and liked combinations of wine and cheese. Josh doesn't like food very much, he's a great fan of sports. "} +{"text":"Summarize the dialog.\n: Benjamin: yo!\r\nDylan: hey! what's up?\r\nBenjamin: Megan wanted me to ask if she can borrow your Mystery of the Abbey that you left at our place\r\nDylan: sure, I don't plan to play it anytime soon\r\nBenjamin: great :) she says thanks :)\r\nDylan: no problem :)\n: ","ground_truth":"Megan would like to borrow Dylan's Mystery of the Abbey game. Dylan is ok with this. "} +{"text":"Summarize the dialog.\n: Ben: hey peter\r\nBen: i'm changing my phone number\r\nBen: new number is 917-223-1211\r\nPeter: thanks for letting me know\r\nPeter: we should go out soon, haven't seen you in a while\r\nBen: hell yeah!\n: ","ground_truth":"Ben has a new phone number."} +{"text":"Summarize the dialog.\n: Nestor: \r\nNestor: I think this semester I won\u2019t be able to resist enrolling in random seminars which I find interesting\r\nAida: Please DON\u2019T\r\nAida: As a person who had always done it and always regretted in the end, I feel like you really shouldn\u2019t\r\nAida: Ehem but I haven\u2019t even asked which seminars\r\nAida: \ud83d\ude05\r\nNestor: History of imperialism in Latin America, Racism in Brasil (!!!), Critical Theory and many many many MOOORE\r\nAida: Oh sounds good, especially the one about racism\r\nAida: Perhaps you could just attend without enrolling?\r\nNestor: Mmmm\r\nAida: I thought you were thinking of an academic career and all these seminars are unrelated to your degree\r\nAida: Remember your grades are Sacred, your diploma has to be flawless, etc.\r\nNestor: AAAAAAA\r\nNestor: You\u2019re touching on difficult subjects here\r\nAida:?!\r\nNestor: I\u2019ve only got one A this year\u2026 Professors mostly refuse to give better grades than a B here :(\r\nAida: Fuckers. Sounds like the French system. Only the professor merits an A\r\nNestor: Something like that, actually our education system is very similar\r\nNestor: But I didn\u2019t even want to talk about uni!!\r\nAida: Ooops \ud83e\udd2b\r\nAida: On a different note\u2026 I\u2019m polishing my Portuguese listening to Ludmilla, do you know her? \ud83e\udd23\r\nNestor: lol yeah\r\nNestor: They usually play her songs at parties, etc.\r\nNestor: But I don\u2019t listen to her myself\r\nAida: Such a shame. I can\u2019t stop singing \u201cHoje\u201d. A smashing hit \ud83e\udd41\ud83d\udca5\r\nNestor: You should tots check out Pabllo Vittar if you happen to have discovered a craving for shitty music\r\nNestor: He\u2019s really \u201cgood\u201d\r\nAida: Interesting\r\nAida: Obrigada \ud83d\ude3b\n: ","ground_truth":"Nestor wants to take a lot of classes this semester. Aida advises Nestor to focus on essentials. They dislike the grading system. Aida listens to Ludmilla to improve her Portuguese. Nestor recommends Pablo Vittar."} +{"text":"Summarize the dialog.\n: Tim: There is a reunion from school on the 20th June, did you see that?\nJocke: No where?\nTim: Lisa sent an email\nJocke: I don't think I received it\nTim: Maybe in your spam folder?\nJocke: I'll check\nJocke: Are you planning on going?\nTim: If you go yeah maybe\nJocke: It's been a while since the last one\nTim: Yeah it has\nTim: Lisa organised the last one too, it was good\nJocke: Yeah it was\n: ","ground_truth":"Lisa organises a school reunion on the 20th of June."} +{"text":"Summarize the dialog.\n: Sarah: Hi guys, there is the departmental meeting today\r\nAshley: oh, I didn't know, what will be discussed?\r\nSarah: mostly financial stuff, so that's why I'm writing you, it's quite crucial for our project\r\nTrevor: of course!\r\nTrevor: what time and where?\r\nSarah: the Emerald Room at 7PM\r\nSarah: they decided to organise it so late because they want to give everybody the opportunity to be there\r\nAshley: ok, I'll be there as well\n: ","ground_truth":"The departmental meeting about finance is taking place in the Emerald Room at 7 pm today."} +{"text":"Summarize the dialog.\n: Carolyn: Speaking of the film\r\nCarolyn: I still don\u2019t know how I feel about the plot twist\r\nJon: Oh yeah that\r\nCarolyn: Feels like he should be mentioned in the actual series if he\u2019s related to Dumbledore but ok\r\nJon: I think he has to be lying right?\r\nJon: Because it doesn't make any sense\r\nCarolyn: Maybe not, I guess the book on Dumbledore was based on memories of Bathilda Bagshot and she didn\u2019t have to know?\r\nCarolyn: Lol I don\u2019t even\r\nJon: Dumbledore's parents died and got put into jail before creedence was born\r\nCarolyn: He\u2019s so much younger than Albus\r\nJon: His mom was already dead\r\nCarolyn: \u201cLife finds a way\u201d\r\nJon: And dad was in jail for a few years\r\nJon: Lmao\r\nJon: Maybe he is a nephew or something\r\nCarolyn: I just\u2026 I guess we need to wait, it feels really weird\n: ","ground_truth":"Carolyn and Jon are discussing a plot twist in a movie. Carolyn is unsure how she feels about it."} +{"text":"Summarize the dialog.\n: Henry Fox: A very good morning to you William! It's great to have met you in FR the other day. How are you doing?\r\nWilliam Field: Good morning to you, Henry!\r\nHenry Fox: And how are you doing?\r\nWilliam Field: Fine, thank you.\r\nHenry Fox: Just an idea: would you be interested in joining Lily Baumer and me on our outing to Fondation Beyeler next week?\r\nWilliam Field: Thank you. That would be nice.\r\nHenry Fox: Will Wednesday suit you fine?\r\nWilliam Field: Wed. is fine.\r\nHenry Fox: My idea would be that you leave your car in my drive and we go in mine and collect Lily on the way. Is it ok?\r\nWilliam Field: Very good indeed.\r\nHenry Fox: And afterwards we could go somewhere and have a nice meal together. There're quite a few nice places on the German side.\r\nWilliam Field: We used to go to Vitra. Melanie loved their salmon carpaccio.\r\nHenry Fox: We can surely give it a try! Shall we say you'll be in my place at around 10 or 10:30?\r\nWilliam Field: I'll be at your place at 10:15.\r\nHenry Fox: Good. Looking forward to our museum outing. Have a great day William.\r\nWilliam Field: Thank you.\n: ","ground_truth":"Henry Fox invites William Field to join him and Lily Baumer for a visit to the Fondation Beyeler. They will meet next Wednesday at 10:15 at Henry Fox's house. Henry Fox will drive them to the museum. After the visit, they will go to a restaurant called Vitra, located on the German side."} +{"text":"Summarize the dialog.\n: Naomi: Hi Lottie love! Can't go to the meeting after school, sorry, Tyler's ill.\r\nLottie: Oh, poor baby! What's wrong?\r\nNaomi: Well, the school called cos he'd been sick after lunch - all over the classroom - he was so embarrassed. \r\nLottie: How is he now?\r\nNaomi: Not brilliant, he's sicked up again twice more.\r\nLottie: Try not to give him any food, just cooled, boiled water. They told us that when Xander was ill.\r\nNaomi: Yes, that's what I'm doing. No complaints, so he must be ill, he'd normally be after the crisps and fruit shoots by now!\r\nLottie: Watch his temperature too, do you have Calpol in?\r\nNaomi: Oh yes, always got it, essential kit isn't it? I only give it to him when he's really poorly, though.\r\nLottie: Me too. Hope he's better soon, anyway, Xand will miss him in school, they always play together, he tells me.\r\nNaomi: I've got to keep him off for at least 2 days, but he might be ok Thurs or Fri, we'll see!\r\nLottie: Does he get bored at home?\r\nNaomi: No never! He loves it, this is like a holiday to him!\r\nLottie: Well, love to you both, hope to see you at the end of the week.\r\nNaomi: Bye, love!\n: ","ground_truth":"Naomi won't go to the meeting after school because Tyler is sick and she will watch over him. He might get better till Thursday or Friday. Xand will miss him at school."} +{"text":"Summarize the dialog.\n: Linda: Have you heard that Lucy spat on James?\nPeter: Why? When? Where?\nPaul: That bitch is crazy\nLinda: Nobody knows\nLinda: He was standing in front of the university talking to some friends\nLinda: And out of the blue she spat on him\nPaul: Did he offend her?\nLinda: No. He just looked at her and she did that\n: ","ground_truth":"Lucy spat on James in front of the university."} +{"text":"Summarize the dialog.\n: Clark: hi, your profile is really interesting\r\nLouise: thank you :)\r\nClark: I don't see much John Cage fans here\r\nLouise: I don't see much fans of his music anywhere\r\nClark: point taken\r\nClark: there's this gig on Saturday\r\nClark: tribute to John Cage\r\nLouise: yes I know!\r\nClark: do you wanna go?\r\nLouise: I already have my ticket so sure :)\r\nClark: great! :)\n: ","ground_truth":"Clark and Louise are John Cage's fans. They will meet at the tribute concert on Saturday. Louise already has her ticket."} +{"text":"Summarize the dialog.\n: Younes: How was your ride yesterday?\r\nCourtney: Good except I ate a bug!\r\nYounes: Er, okay?\r\nCourtney: LOL! Was going along and slurp! Bug right down my throat!\r\nYounes: Meat group! LOL!\r\nCourtney: I know! It was gross though!\r\nYounes: You should ride with your mouth shut.\r\nCourtney: Everyone said that!\r\nYounes: Other than that how was it?\r\nCourtney: Pretty cool! Nice scenery and a slow pace, not many hills.\r\nYounes: Yes, it's a nice easy ride. \r\nCourtney: Perfect for my first 20 miler!\r\nYounes: Thought it would be! Proud of you!\r\nCourtney: Thanks!\r\nYounes: What are you going to do next, a longer one?\r\nCourtney: Probably not!\r\nYounes: Why not?\r\nCourtney: Don't want to push it. I'll work up to a longer one!\r\nYounes: Possibly a smart idea.\r\nCourtney: Thanks!\r\nYounes: Well, back to work. Just wanted to check in!\r\nCourtney: Thanks! See you later?\r\nYounes: Oh, right, are you going to the meet-up later?\r\nCourtney: I think so.\r\nYounes: Probably see you there!\r\nCourtney: Cool!\n: ","ground_truth":"Courtney did her first 20-miles ride yesterday. She ate a bug. Younes and Courtney will see at the meet-up."} +{"text":"Summarize the dialog.\n: Mary: What are you giving Ben this year?\r\nPamela: socks\r\nMary: seriously? :D:D\r\nPamela: haha yes\r\nPamela: and some perfume\r\nMary: I did that last year\r\nPamela: looking for a last minute gift inspiration\r\nMary: I'm depserate\r\nPamela: hmmmmmmmmm\n: ","ground_truth":"Pamela is giving Ben socks and perfume this year. Mary gave him some perfume last year, and now she's looking for a last minute gift inspiration."} +{"text":"Summarize the dialog.\n: Jordan: and so do you have time for me?\r\nSavannah: it was a nice meeting but i think that's not what i'm looking for...\r\nJordan: ok so what are you looking for?\r\nSavannah: it's just not what i want\r\nJordan: ok just tell me what you want. I know it is not me\r\nSavannah: why u asking about that?\r\nJordan: i just want to know. that is all\r\nSavannah: no need for that. that's just not what i want...\n: ","ground_truth":"Savannah had a nice meeting with Jordan but she's looking for something else. "} +{"text":"Summarize the dialog.\n: Maya: Are you ready?\r\nNatalie: need 10 more minutes\r\nRichard: Wait for me please. I'm in a meeting, I'll be right back\r\nMaya: ok let me know. ready when you are.\r\nNatalie: sorry Maya I'm doing my best!\r\nMaya: take it easy Nat :)\n: ","ground_truth":"Maya is going to wait for Natalie and Richard as long as it'll take."} +{"text":"Summarize the dialog.\n: Amanda: Does anyone know when the biology test is?\r\nCeline: Mrs Kohl said it would be next Tuesday.\r\nRobert: That's right. \r\nAmanda: Cool, so we still have a week.\r\nRobert: Yes, but there is a lot to study. \r\nNick: You should guys relax. I'll study one day before. \r\nAmanda: Nick always studies one day before and gets an \"A\". How does he do it?\r\nRobert: He's a genius. Not like us... \n: ","ground_truth":"Amanda, Celine and Robert have a biology test next Tuesday so they have a week to study. Nick will study one day before as he always gets an ''A''."} +{"text":"Summarize the dialog.\n: Adam: so what time r u coming?\r\nSue: frankly speaking... we don't feel like going out tonite...\r\nAdam: O_O? \r\nAdam: really? Hey girl, wasn't It u who wanna party hard?\r\nSue: true... But we've already had some beers and wanna chill..\r\nSue: but u can come here:D\r\nAdam: here means where? \r\nAdam: send me yr location, please\r\nSue: voil\u00e0 \r\nAdam: can't open It...:\/\r\nAdam: Can u send it via whatsapp? \r\nSue: sure. \r\nSue: fine, u got it?\r\nAdam: si.... It's fare, thinking... Gimme 5 min\r\nSue: ok, take yr time, we gonna be here ;-)\n: ","ground_truth":"Sue does no longer want to go out and invites Adam to join her at her house. "} +{"text":"Summarize the dialog.\n: Louise: Morgan, y?\r\nMorgan: I already have plans for that weekend and really can't change them...\r\nLouise: Shame! Maybe you could try? It'd be great to get back together!\r\nMorgan: Well, tell it to my wedding guests ;)\r\nPatrick: Ur getting married?! When did that happen?\r\nMiranda: Congrats! Who's the lucky guy?\r\nNoel: Another one bites the dust ;)\r\nLouise: Stop it, N. Don't be mean!\r\nNoel: I'm not. Just joking. Geez.Y do u always have to be so uptight?\r\nLouise: I'm not. I'm ezy-going. :)\r\nNoel: Yeah, right. \r\nMiranda: Stop it, both of you! Remember? Morgan's getting married.\r\nLouise: Sry. EOD\r\nNoel: So, L, tell us about the reunion. Who's coming? :)\r\nLouise: Well, basically everyone except for a couple of ppl, most of whom I don't remember from school.\r\nPatrick: Like who?\r\nLouise: John Arron and Anna Kindle. \n: ","ground_truth":"Louise organizes a school reunion on a weekend. Morgan can't come because she is getting married."} +{"text":"Summarize the dialog.\n: Dan: hazard is on fire, he deserves balon-do-r\r\nIan: yeah bro\r\nDan: best player in the world right now\r\nIan: he surely tops ronaldo and messi at the moment\r\nDan: haha, so sick\r\nIan: remember that dribble against Brazil in the world cup?\r\nDan: Yeah, totally outplayed Neymar\r\nIan: yeah, he was the catalyst\r\nDan: i was so sad to see him exit in the semi's\r\nIan: me too, but respect to france.\r\nDan: yeah\r\nIan: the world champions!!!\r\nDan: they really deserved to win the finals\r\nIan: yeah, but croatia made their name\r\nDan: yeah, regardless of all the difficulties the faced against England\r\nIan: haha, sure\r\nDan: Anyway, lets enjoy sarriball\r\nIan: sarri the master!!\r\nDan: hehe\r\nIan: haha\n: ","ground_truth":"Dan and Ian comment on football games. They like Eden Hazard the most. "} +{"text":"Summarize the dialog.\n: Misty: \r\nMisty: the FORBIDDEN Independence March led by hundred-percenters\r\nBen: oh shiet\r\nBen: there are like thousands of people there :o\r\nRebecca: oh my....it looks dangerous\r\nMisty: the best thing is that there are two marches\r\nMisty: the first one led by the government and this one which began like 20min after it\r\nBen: I've just seen the instastory of my friend and she's there right now\r\nBen: she's on a wheelchair...I admire her bravery\r\nMisty: for me any kind of a march is ok, but if you do it on purpose and if you do it right\r\nMisty: unfortunately the majority of these people don't even understand the slogans and quotes they're chanting\r\nBen: yeah...a bald guy chanting \"God, Honor, Homeland\" who probably doesn't even go to church on Sunday\r\nRebecca: I'd never take part in such a thing, it's too dangerous, how is it even possible for these people to see anything if they're walking through the red smoke????????\r\nBen: well, they're going in one direction so maybe they just don't give a fuck and move forward\r\nRebecca: probably...\r\nMisty: I'm curious how many people this year will be injured after this march is over...they sometimes trample each other hairlessly\r\nBen: I hope that nobody. But as we all know the truth is different...we will see\r\nBen: btw, i there any shop open on Monday? \r\nMisty: I'm afraid you gotta wait until Tuesday, but it depends on what you need actually\r\nBen: I don't know, maybe some beer, chips or whatever\r\nRebecca: I recommend going to the petrol station\r\nBen: oh, you're right\r\nBen: girls, maybe some beer today?\r\nMisty: I'm home, maybe on Wednesday\r\nRebecca: unfortunately I'm home too :\/ but I'd opt for Wednesday as well\r\nBen: ok, we're in touch then\n: ","ground_truth":"Misty thinks any march is ok if it has a purpose and is done right. Ben admires his friend's bravery as she's a wheelchair user. Rebecca would never take part in such a thing. Rebecca, Misty and Ben want to meet up on Wednesday."} +{"text":"Summarize the dialog.\n: Abigail: you want to grab a beer? i had a rough week, i need to talk to someone\r\nGeorge: yeah, sure\r\nGeorge: what happened??\r\nAbigail: i had a fight with my mom and now we're not talking\r\nAbigail: it came to the point that she said that i couldn't come for christmas this year\r\nGeorge: i'm so sorry\r\nGeorge: i don't know why you argued, but i think she overreacted\r\nGeorge: forbidding you from coming home for christmas is just a lot\r\nAbigail: you know that she doesn't like josh, she thinks he's not good enough for me\r\nAbigail: so she was furious when i told her we had got engaged\r\nAbigail: i'm not going to dump him just because of her\r\nGeorge: of course, you're not\r\nGeorge: you poor thing, i think you need a big hug\r\nGeorge: do you want me to drop by right now?\r\nAbigail: that would be great :) thanks, George\r\nGeorge: ;) don't worry, in the worst-case scenario you'll spend christmas with my family\n: ","ground_truth":"Abigail argued with her mother. She is furious, because Abigail and Josh got engaged. George will drop by and spend time with Abigail."} +{"text":"Summarize the dialog.\n: John: She's fit ain't she?\r\nPaul: Who?\r\nJohn: What do you mean who? The girl to your right you dumb fuck! LOL\r\nPaul: Oh, you mean her! \r\nPaul: Yeah she's not too bad.\r\nJohn: You gonna pick her up or what?\r\nPaul: I might if you stop messaging me. :-D\r\nJohn: I think you're in with a chance... If you don't want her I'll do her! ;-)\r\nPaul: Ever so romantic!\r\nJohn: Are you all coy or just stressed?\r\nPaul: Women unnerve me.\r\nJohn: Yeah I know what you mean mate. I can never work out what they want. Sometimes I think they don't know what they want themselves.\r\nPaul: Are you going to stop messaging me or what? She probably thinks I'm typing with another chick.\r\nJohn: Make her jealous that usually works a treat.\r\nJohn: So you going to give her a good porking tonight?\r\nPaul: I heard she takes it up both holes at once.\r\nJohn: Who did you hear that from?\r\nPaul: Chaz. He had her the other night.\r\nPaul: Not sure if I want his slops.\r\nJohn: Good point!\n: ","ground_truth":"The girl to Paul's right is attractive. Paul might try flirting with her, although he's not sure, as she has already slept with Chaz the other night."} +{"text":"Summarize the dialog.\n: Eva: I've signed the agreement\r\nTina: You did? omg so happy for ya\r\nEva: Thanks:) I am super excited\r\nBarb: Omg babe! awesome!\r\nEva: hahaha thanks! I didn't know it's gonna be so emotional!\r\nBarb: Hell yeah! It's kinda binding for 25 years you know, kinda scary\r\nEva: I know, but, Mat and I are getting married so after that we're gonna consolidate or sth and pay it off together faster\r\nBarb: You guys are getting married? \r\nEva: Yes we are! you didn't know? \r\nBarb: First time hearing this\r\nTina: No worries I just found out myself\r\nBarb: Anyway! Congrats love! You guys are awesome!\r\nEva: Thank you so much! It's an exciting time\r\nBarb: Well I hope we're all invited for the housewarming party\r\nEva: Of course! I'll be sending emails\n: ","ground_truth":"Eva signed the agreement. She and Mat are getting married. They will organize the housewarming party in their new flat."} +{"text":"Summarize the dialog.\n: Miriam: Make a note of the date of our next blog post deadline, will you?\r\nJim: Sure. It's the 10th, right?\r\nMiriam: Yes, every month we should publish at least one post by that date.\r\nJim: No problem. I'm making it a regular deadline alert.\r\nMiriam: Good. then we have no excuses!\r\nJim: Right.\r\nMiriam: We just need to come up with the topics.\r\nJim: Exactly.\r\nMiriam: Probably we should make another deadline around the first of the month to decide on the topic.\r\nJim: That would work. \r\nMiriam: Gives us plenty of time for collaboration.\r\nJim: Yes.\r\nMiriam: Great. Make notes of both and share it with everyone, let them edit so topics can be suggested in the notes field.\r\nJim: Will do.\r\nMiriam: Thanks!\n: ","ground_truth":"Jim will create two deadline alerts: one for the selection of the topic and one for posting an article on the blog. He will also make editable notes of both and share them with everyone."} +{"text":"Summarize the dialog.\n: Lisa: I think there is an animal in the roof above the kitchen!!!\r\nPaul: ???\r\nLisa: something is scratching away up there!!!! its really freaky!\r\nPaul: Are you sure it is an animal?\r\nLisa: No, it could be a small child as well. Or an alien.\r\nLisa: OF COURSE I'm sure!! what else????\r\nPaul: Sorry, just checking!\r\nLisa: Well I wouldnt text you if it rains would I?!?\r\nPaul: So how are you gonna get it out?\r\nLisa: I don't know!! How did it even get in there?!?\r\nPaul: There is that birds nest, maybe they got in there?\r\nLisa: I guess so, can you not come over, I'm freaking out here!!!! \r\nLisa: It's still scratching, what if it comes throught he ceiling? what if its a rat?!?\r\nPaul: I'm not coming over if its a rat!!! \r\nLisa: Stop messing about, please COME AND HELP ME!!\r\nPaul: Well what do you expect me to do about it? Just go to bed, it'll be gone in the morning!\r\nLisa: I can't sleep like this!!!!! what if there are loads and they wanna come in?!?\r\nPaul: Fine, whatever, I'll come over. It'll be half an hour though, I need pack if I'm staying over\r\nLisa: OMG what am I going to do for half an hour on my own!?\r\nPaul: Barricade the kitchen doors and watch tv, I'll be there soon\r\nLisa: HURRY UP!!!!\r\nPaul: Packing now, I'll be over. Chillax ok?\r\nLisa: I'm barricading the door and bringing the wine.\r\nPaul: Good idea\n: ","ground_truth":"Lisa is horrified because there is some animal above the kitchen celiling. She will barricade the door, bring wine and wait till Paul will come over."} +{"text":"Summarize the dialog.\n: Michael: where the fuck have you been?\r\nMichael: I was waiting for you for an hour but you never showed up!\r\nChase: fuck, I forgot, sorry \u2018bout that\r\nMichael: asshole \r\nChase: sorry, mate. It wasn\u2019t my fault\r\nMichael: hahahah\r\nChase: I swear!\r\nMichael: dude, I was waiting for you for an hour!!!!!\r\nChase: \r\nMichael: \r\nChase: what the fuck is this?\r\nMichael: guess\r\nChase: \n: ","ground_truth":"Michael spent an hour waiting for Chase who did not show up."} +{"text":"Summarize the dialog.\n: Rose: hey congratulations for the baby boy! i wish him all the health and happiness in life.\r\nEla: thank you so much for the wishes.\r\nRose: your welcome.. so hows he and you? all ok\r\nEla: yes everything is great thanks\r\nRose: will come to see you and the baby boy\r\nEla: Sure will wait to see you..\n: ","ground_truth":"Ela just gave birth to a boy. Rose will visit them shortly."} +{"text":"Summarize the dialog.\n: Ivy: What day does your flight get in?\r\nAlex: Saturday before xmas.\r\nIvy: That's the 22nd?\r\nAlex: Yes. I land at 0600.\r\nIvy: Geez. That's early!\r\nAlex: I know... \r\nIvy: I'm thinking of the perfect welcome home meal.\r\nAlex: I bet you are, but I will just want sleep!\n: ","ground_truth":"Alex lands on Saturday, 22 December, at 6 am. Alex will want to sleep when he arrives. "} +{"text":"Summarize the dialog.\n: Trojanski: Hey bro\r\nTrojanski: Lets go smoke before classes\r\nCarson: I dont smoke \r\nCarson: But I will be your company xd\r\nTrojanski: OK \n: ","ground_truth":"Carson wants Trojanski go and accompany him while smoking even though Trojanski doesn't smoke. "} +{"text":"Summarize the dialog.\n: Emily: hahahaha\r\nEmily: have you seen this video where Jimmy Fallon and Liam Hemsworth mistake each other for other famous people? :D\r\nSavannah: no, gimme\r\nEmily: \r\nEmily: Look and Liam's face 3:45\r\nEmily: hilarious\r\nSavannah: you are so gonna laugh but\r\nSavannah: I didn't know there was more than one Hemsworth xD\r\nEmily: nooooooooo, they are both so hot!!\r\nSavannah: both? ;>>\r\nEmily: ??\r\nSavannah: according to wikipedia there are 3 yummy hemsworth peaches\r\nEmily: peaches xD\n: ","ground_truth":"Emily sends Savannah a link to a comedy video. "} +{"text":"Summarize the dialog.\n: Elijah: And Sanchez is still struggling at Old Trafford......\ud83d\ude1c\ud83d\ude1c\ud83d\ude1c\r\nFav: face ur club and leave Alexis alone.\r\nShrestha: LoL and what has Micki or Auba has done till now, at least he is playing CL football here not Europa \ud83d\ude02\r\nAbdi: There's no trophy for participation \ud83d\ude02\ud83d\ude02\r\nSeth: He's simply being overpaid, and more of a liability to Manchester United\n: ","ground_truth":"According to Seth, they overpay Seth Sanchez for playng for Manchester United."} +{"text":"Summarize the dialog.\n: Ron: Hey, bad news\r\nTim: Hey, what's going on?\r\nRon: Dorothy's still mad at me\r\nTim: Oh well, I kinda understand her\r\nRon: Oh come on, whose side are you on?\r\nTim: The sober side, lol\r\nRon: I hate you\r\nTim: Come on, relax, I think she actually likes you\r\nRon: Really?\r\nTim: Nope, I'm trolling you, hahahah\r\nRon: I hate you (2)\r\nTim: Just kidding, man, just kidding, chill out...\n: ","ground_truth":"Dorothy is still mad at Ron. Tim understands Dorothy."} +{"text":"Summarize the dialog.\n: Carson: Boys im done\r\nCarson: The assignment \r\nTrevor: I havent started\r\nTrevor: Is it due by the end of the class? \r\nCarson: Yep\r\nIan: I am doing it rn \r\nTrevor: I will do it during the class haha\r\nCarson: Good luck\n: ","ground_truth":"Carson has finished the assignment that has to be handed it by the end of the class. Ian is still working on it and Trevor plans on doing it during the class."} +{"text":"Summarize the dialog.\n: Mike: I kinda forgot to sign up for Thursday morning classes \r\nCaroline: You don't need too\r\nMike: wtf? how come?\r\nHannah: they do that for us, Dean's office\r\nMike: That's new. Know why?\r\nHannah: There's just 12 of us now, it's just easier for them to make us a ready made plan\r\nMike: That's cool, nothing to worry about \r\nCaroline: Yeah, and no choice, there is too little of us, they're just gonna sign us up for those classes that are left with places\n: ","ground_truth":"Dean's office is going to sign Mike up for classes. It is more convenient for the office as the group is only 12 students."} +{"text":"Summarize the dialog.\n: Ken: How was the concert?\nLarry: It was great! I finally saw them live\nKen: Yeah, one has to see Uriah Heep at least once\nLarry: Have you ever been to a show of theirs?\nKen: Yes, a few years ago in Germany and later in London\n: ","ground_truth":"Larry enjoyed the live concert of Uriah Heep."} +{"text":"Summarize the dialog.\n: Kate: And then he said...\r\nAngela: He asked you out?\r\nKate: Let me finish!\r\nMary: But who, Nick?\r\nKate: Yes! He want me to be his plus 1 on his friend's wedding!\n: ","ground_truth":"Nick wants Kate to be his plus one on his friend's wedding."} +{"text":"Summarize the dialog.\n: Justin: look, why dont you let me take you out for lunch today\r\nCecilia: haha, i know you justin\r\nJustin: im for real, im not kidding around\r\nCecilia: if youre not, then im down for it\r\nJustin: cool, ill pick you up at noon\r\nCecilia: sure, noon is fine\r\nJustin: alright.\n: ","ground_truth":"Justin will pick Cecilia up at noon today and they will go for lunch."} +{"text":"Summarize the dialog.\n: Alex: thanks for your wishes. A lot of change for us this new year, as Gil is going to Bruxelles.\r\nAnia: i wanted to take more time to answer you, but u know how it is..busy as usual! So you're moving to Bruxelles? whaou\r\nAlex: no we stay in Barcelona, Gil will travel a lot, so we'll go only for holidays or some week ends\r\nAnia: Is he still travelling to Warsaw?\r\nAlex: yes sometimes, i let you know\r\nAlex:\r\nAnia: you look so beautiful . Is it the key of the paradise in your hands? Where is it?\r\nAlex: no it's the key of my parents that Gil took with him in Bruxelles\r\nAnia: too bad for your parents, did they manage without it?\r\nAlex: we had to come back the next week end to bring it back\r\nAnia: it make memories... lol\n: ","ground_truth":"Alex is staying with Gil in Barcelona, but Gil is going to travel a lot, sometimes to Warsaw. "} +{"text":"Summarize the dialog.\n: Jen: OMG I can't get this kid out of nappies!\r\nOlivia: what do you mean???\r\nJen: she just won't go on the potty...!\r\nOlivia: Should she? She's only 2 right?\r\nJen: I know but she is going to nursery soon and they want her out of nappies...\r\nOlivia: Oh I see...\r\nJen: how did you get Oliver potty trained?\r\nOlivia: lots of patience and lots of washing!\r\nOlivia: he was ready and asked for underpants\r\nOlivia: so we bought some special ones that he picked and he really wanted to wear them!\r\nJen: we have got those though! \r\nJen: we have been trying for 6 days, she keeps weeing herself and is not bothered by it at all! \r\nOlivia: rewards? stickers? Ice cream?\r\nJen: tried it! she's just not having it! :(\r\nOlivia: would she prefer the big toilet over the potty maybe? That's what happened with Charlotte, she didn't like the potty much and went straight on the big loo...\r\nJen: Oh I hadn't thought of that! That'll be today's mission! \r\nOlivia: Good luck chick! \r\nOlivia: Gotta shoot, going to jumpfit!\r\nJen: Tada! Have fun!\n: ","ground_truth":"Jen needs to potty train her daughter as she's going to nursery soon but nothing seems to work. Jen will try to use the toilet instead of the potty as Olivia did with Charlotte."} +{"text":"Summarize the dialog.\n: Patty: I lost my phone\r\nMiles: noooooooo\r\nPatty: or sb stole it idk\r\nMiles: block it!!!\r\nPatty: I did\r\nPatty: first called a thousand times until the battery died\r\nMiles: I'm sorry, wasn't it new?\r\nPatty: It was :((((((( been saving for a year to buy it\r\nMiles: I hate losing things\r\nPatty: so anyway, I will be out of reach for a couple of days, only Fb\r\nMiles: okay, I still hope you find it!!!\r\nPatty: thanks!! merry christmas btw :)\r\nMiles: and a happy new year! :)\n: ","ground_truth":"Patty lost her new phone. She will be unavailable for some time. She will contact other people only via Fb."} +{"text":"Summarize the dialog.\n: Irene: You know...\r\nIrene: I have a big problem\r\nJonathan: Eh? What is it?\r\nIrene: Yesterday I met up with a friend and she told me she was getting married soon\r\nIrene: The wedding is in another city, though, pretty far away\r\nJonathan: Huh...\r\nIrene: I was shocked, I didn't even know she was engaged. We haven't kept in touch, really\r\nIrene: So I didn't know how to behave and I implied I would be there but now I don't really feel like it\r\nIrene: I feel so stupid, if I had said I wasn't sure I could come, it would be easier to say no now\r\nJonathan: Yeah, I can see your point... why don't you want to go, though?\r\nIrene: It's just that... I have no one to accompany me AND I know none of her friends\r\nIrene: Since it's so far away, it's not like I'll be able to just leave any time if I feel uncomfortable\r\nJonathan: That's true\r\nIrene: And really, first she didn't tell me she had a boyfriend, then she didn't tell me she'd got engaged... I don't know\r\nIrene: I haven't even met her fiance... it feels awkward\r\nJonathan: What? You haven't even met him?\r\nIrene: Yeah, I don't even know what he looks like\r\nJonathan: I can't blame you for not wanting to go, then, I mean you're supposed to be friends, so it is sort of weird. Don't feel bad if she didn't even bother to introduce you first\n: ","ground_truth":"Irene has been invited to a wedding but is unsure if she would like to go. "} +{"text":"Summarize the dialog.\n: Frank: \r\nLouie: are you going to this event?\r\nFrank: that's why i am sending it ;)\r\nLouie: i will let you know later ok? need to check up with kylie\r\nFrank: okey please do\r\nLouie: kk talk to you later\n: ","ground_truth":"Frank is going to the even. Louie needs to check up with Kylie and he will let Frank know."} +{"text":"Summarize the dialog.\n: Serena: im pretty stressed after this week. want to go to the resort tomorrow?\r\nZoe: sure, i could use some time in the hot tub\r\nSerena: ok. when do want to leave?\r\nZoe: 10 am?\r\nSerena: perfect\r\nZoe: have you talked to celia about joining us?\r\nSerena: shes going skiing with her mom. cant go\r\nZoe: oh well\r\nSerena: it'll be fun with just the two of us :)\r\nZoe: yeah, i think so.\r\nSerena: so, i'll pick you up at your place?\r\nZoe: sure.\r\nSerena: ok. see you tomorrow!\n: ","ground_truth":"Serena and Zoe agree to go and relax at the resort tomorrow at 10 am. Celia can't come with them as she's going skiing with her mother. Serena'll collect Zoe from her place."} +{"text":"Summarize the dialog.\n: Frank: Hi there! What are you up to this weekend?\r\nMaria: Hey! Not sure yet, any ideas?\r\nFrank: I don't have plans either, should we meet?\r\nMaria: Sure! How about Friday? I finish work earlier so we can meet for dinner, what do you think?\r\nFrank: Sorry, I can't on Friday - I have lectures ...\r\nMaria: No worries, what about Saturday? I have some stuff to do but I can be free in the evening.\r\nFrank: Let me check my diary ... Oh no! My mom's birthday party ... I totally forgot!\r\nMaria: Oops ... That doesn't sound good!\r\nFrank: Oh boy, I don't have a gift!\r\nMaria: Well, we can look for something together if you need help ...\r\nFrank: Are you sure you have time for that? \r\nMaria: I can help you, of course, but only on Friday, as I said, I have some work to do on Saturday.\r\nFrank: Ok then, let's meet up after my lectures, is it ok with you?\r\nMaria: Ok, sounds good, where should we go?\r\nFrank: Let's go to the new shopping centre, they have all the shops I want to visit.\r\nMaria: Ok ... will 7pm be ok?\r\nFrank: Yes! Perfect!\r\nMaria: Great, see you then, I hope we will find a perfect gift!\r\nFrank: Me too! We don't really have another option! See you!\n: ","ground_truth":"Maria and Frank are going shopping for a birthday present for Frank's mom on Friday at 7pm."} +{"text":"Summarize the dialog.\n: Tom: Hi! Have you by any chance been to Mary's party?\r\nDiana: Hi! The one yesterday? Why are you asking?\r\nTom: Yes\r\nDiana: Yeah, I have\r\nDiana: Oh god, I haven't done something stupid...\r\nTom: Hahaha, no, don't worry.\r\nTom: I found your oyster card, thought you may be looking for it :)\r\nDiana: Thank you! I haven't yet, so you saved me a lot of stress, thank you!\r\nTom: No problem. We've just begun to tidy the place up and it's been underneath the sofa\r\nDiana: I really don't know how to thank you. Maybe we can go for a coffee? :)\r\nTom: It'd be nice :)\r\nTom: But you really don't need to thank me, it's nothing.\r\nDiana: So are you free this evening? Just tell me when and where we can meet.\r\nTom: Would O'Neils do?\r\nDiana: Sure :)\n: ","ground_truth":"Diana got drunk at Mary's party yesterday and lost her Oyster card. Tom found it and Diana will take him to O'Neils as a thank you this evening."} +{"text":"Summarize the dialog.\n: Esme: I need you to back me up when I confront Tonya today.\r\nElijah: No way I'm getting in this at all! Leave me out of it!\r\nEsme: But she has to know I'm on to her tricks!\r\nElijah: Find someone else. Please.\n: ","ground_truth":"Elijah doesn't want to back Esme up when he confronts Tonya today."} +{"text":"Summarize the dialog.\n: Selena: My dear sweet people, I'm so sorry, but I can't come tonight :( I just got my period and I feel like shit :(\r\nJen: :(\r\nPhoebe: Too bad :( Take care and get better soon ;*\r\nSelena: Thx so much <3 \n: ","ground_truth":"Selena can't meet with Jen and Phoebe as she's not feeling well."} +{"text":"Summarize the dialog.\n: Raul: hello Germaine, it was great seeing you at the gym earlier! sorry I had finished my workout and was heading to the office.\nGermaine: oh yeah! I was just starting my workout\nRaul: okey! it's great you came back, it was about time!!!\nGermaine: what do you mean by that? you mean I got fat \ud83d\ude02\nRaul: no! not at all you are not as shredded as before ... remember those abs you had! \ud83c\udf6b\nGermaine: \ud83d\ude48\nGermaine: you know with my kid, I have less time to take care of me.... but now my mother lives close, and I can get back on track \ud83d\udcaa\nGermaine: and you, what have you been up to?\nRaul: well, nothing much... always pushing hard at the gym.\nGermaine: I saw that! you looked like The Rock \ud83d\ude02\nRaul: haha yeah he is real #goals! \nGermaine: well, catch you during the week there. I will be coming everyday... at the same hour\nRaul: great! take care. We can have a beast session together! see if I can still kick your ass \ud83d\ude1c\nGermaine: haha you dream about it! \n: ","ground_truth":"Germaine is now able to pick his workout up where he left off because his mother moved closer to him, and she can help him take care of his child. Raul on the other hand has never stopped working out."} +{"text":"Summarize the dialog.\n: Patrik: are you going to watch the oscars with us tonight?\r\nCindy: possibly. ive been invited by a few other people\r\nPatrik: i doubt that they are as good of hosts as we are\r\nCindy: you may be right. what will you have for food and drink?\r\nPatrik: lots of varieties of chips and dip and beer\r\nCindy: i see\r\nPatrik: you dont sound excited\r\nCindy: ive already had too much dip today. office party\r\nPatrik: oh, well we'll have other stuff too. fondue, tiramisu, giant pretzels...\r\nCindy: alright, i'll come\r\nPatrik: yay! we'll be ready around 7, so any time after that is fine.\r\nCindy: cool. who do you think will win this year?\r\nPatrik: i dont care, as long as its La La Land\r\nCindy: you really like that film, huh?\r\nPatrik: ohh yes. i hope it sweeps all categories\r\nCindy: i dont know. i think Moonlight is pretty unique\r\nPatrik: yeah, i liked that too\r\nCindy: do you have any idea whats up for best doc?\r\nPatrik: no clue. i'll look it up before you get here\r\nCindy: ok, thanks. See you tonight!\n: ","ground_truth":"Patrik is convincing Cindy to come to his Oscar party around 7. He hopes that La La Land will win the main award."} +{"text":"Summarize the dialog.\n: Zoe: what time is your bus back to New York?\r\nMia: about 11.30\r\nJasmine: about?\r\nMia: I would have to check, 11.35 maybe\r\nJasmine: please, check it, I don't want us to be late\r\nMia: ok, give me 10 min\r\nZoe: I'll wait for you at 7th Ave and 27th St\r\nMia: thank you very much!\r\nJasmine: so nice of you!\n: ","ground_truth":"Mia has a bus back to New York at about 11.30. Zoe will wait for Mia at 7th Ave and 27th St."} +{"text":"Summarize the dialog.\n: Jenny: have you done your homework?\r\nTim: not yet\r\nJenny: u need help?\r\nTim: in fact, yes..\r\nJenny: so why you are not saying?!\r\nTim: u know, algebra is so easy.. but not for me..\r\nJenny: i will explain you everything tomorrow\r\nJenny: ok?\r\nTim: you're best thx!\n: ","ground_truth":"Tim haven't done his homework yet. Jenny offered to help and she will explain him everything tomorrow."} +{"text":"Summarize the dialog.\n: Robert: Hi Matt\r\nMatt: Hi!\r\nRobert: How are you doing?\r\nMatt: good, thanks, you?\r\nRobert: good as well\r\nRobert: It was very nice to see you again yesterday, although by chance\r\nMatt: yes, it was quite crazy, I didn't expect to meet you on the subway\r\nRobert: me neither\r\nMatt: Maybe we should meet again, and not on the subway?\r\nRobert: I'd really like to\r\nMatt: When are you free?\r\nRobert: now always on Mondays and Tuesdays\r\nMatt: So maybe Monday evening?\r\nRobert: great\r\nMatt: we could have a dinner together\r\nRobert: let's do it\r\nMatt: Do you want me to pick you up after you're done?\r\nRobert: That would be nice!\r\nMatt: ok, so I'll be there at 7PM\r\nRobert: good!\n: ","ground_truth":"Matt and Robert will meet on Monday at 7PM. Matt will pick Robert up. They will have a dinner together. "} +{"text":"Summarize the dialog.\n: Joanna: Mom, can I sleep at Jenny's tomorrow? Please...\r\nSandy: You know the rules. What did Jenny's parents say? Are they okay with it? \r\nJoanna: I asked you first, Jenny and I, we talked and there's this concert we wanted to go to and we would come back to hers after the concert and sleep at hers...\r\nSandy: wait, what? concert, you said sleepover, not concert!\r\nSandy: what concert? Where? who'd be driving you? why do I hear about it one day before?\r\nJoanna: This band I told you about, the guys from Korea, BTS, they'll be in town tomorrow and I really wanna go and you know Jenny and I love them. You got me that t-shirt for X-mas, remember? And we wanna go and Jenny says that when you say yes, her parents will say yes too. Please, can I go?\r\nSandy: Absolutely not. You've known about that concert for weeks and you come to me today? No way. \r\nJoanna: but Mom! I really wanna go, you won't have to buy me a present for birthday this year. Please...\r\nSandy: No. Way. One, I've already said no to that concert, Two, you asked me about sleeping at Jenny's, Three, you wanted to trick me... No. \r\nJoanna: no, I really want to sleep at Jenny's. Can I at least do that? No concert, just sleep there?\r\nSandy: I am angry at you, you know I hate when you try such things. \r\nSandy: I'll call Jenny's parents and let you know later. \n: ","ground_truth":"Joanna is asking her mom Sandy if she can sleep at Jenny's place after the BTS concert. Sandy does not know about the concert but Joanna believes that she told her about that. Sandy is upset and thinks that Joanna is lying. Sandy will call Jenny's parents and will let Joanna know later. "} +{"text":"Summarize the dialog.\n: Father: Hi Brian, could you pick up Danny on your way to FR? Say at 15:45?\r\nFather: I've tried to call you but your phone is offline or something.\r\nBrian: Hi dad, I was jogging. Didn't get calls. Sure we'll pick her up.\n: ","ground_truth":"Brian was jogging and didn't hear his father's call. At his dad's request, Brian will pick up Danny around 3.45 pm on his way to FR."} +{"text":"Summarize the dialog.\n: Christopher: do you remember this gold digger from \"90 day fianc\u00e9\"?\r\nSophie: this chick from Russia?\r\nSophie: Anfisa?\r\nChristopher: yup\r\nChristopher: she's got her own yt channel!! :D\r\nSophie: whaaat?!\r\nSophie: how did i not know this?! :D\r\nChristopher: are you intrigued? :d\r\nSophie: of course i am, you know i'm a die hard fan of her :D :D :D\r\nChristopher: XD\r\nChristopher: so, did you checked it out?\r\nSophie: mhm\r\nSophie: she seems to be normal and honestly quite boring\r\nSophie: she constantly talks about Jorge's incarceration and shows off her muscles\r\nSophie: i'm BITTERLY disappointed!! :< ;p\n: ","ground_truth":"Anfisa from Russia, the gold digger from \"90 day fianc\u00e9\", has got her own YT channel. Sophie finds it quite boring."} +{"text":"Summarize the dialog.\n: Justin: bro, send me 50 box ill refund soon\r\nFoley: 50 box!! bro sorry but i dont think i can find 50 at the minute\r\nJustin: okay bro, though i'm stuck somewhere\r\nFoley: Sorry bro, but give me 10 min i ask dad whether he can top me up the i top you up also,\r\nJustin: i'd appreciate bro, please do\r\nFoley: sure, let me see\n: ","ground_truth":"Justin wants to wants to borrow 50 dollars from Foley but he is broke. Foley will ask his dad for the money."} +{"text":"Summarize the dialog.\n: Luke: take a look at this~\r\nLuke: \r\nGarrett: woww, thanks for sharing!\r\nGarrett: it's really interesting\r\nEmmy: yeah wow\r\nEmmy: a good read for sure\r\nLuke: reading about the past hurts a little but i feel like we should know all that\r\nEmmy: well said\n: ","ground_truth":"Luke found painful information about the past."} +{"text":"Summarize the dialog.\n: David: Hi, do you have a minute?\nAngela: Hi, yes, tell me\nDavid: Could you tell me what happened between Pamela and Maggie? They're not talking to each other\nAngela: I know, the reason is pretty weird\nDavid: I guessed so\nAngela: They argued because of their university courses\nDavid: Why?\nAngela: Some of the students were not satisfied with one of the language courses and decided to tell the teacher\nDavid: Oh\nAngela: Pamela and another student talked to the teacher on behalf of the group\nDavid: Ok, and...?\nAngela: And Maggie and a number of others were pissed off because they said the teacher would be angry at all of them and it would mean trouble for the whole group\nDavid: Ouch\nAngela: Yes, so Pam and Maggie argued and now they're not friends anymore\nDavid: I hope they will reconcile soon\nAngela: Yeah\n: ","ground_truth":"David and Angela's peers, Pamela and Maggie, had a falling out over a language course and aren't on speaking terms anymore."} +{"text":"Summarize the dialog.\n: Mustafa: I baked cookies\nOlivier: Bring them to the office tomorrow\nMatthew: If they survive... \n: ","ground_truth":"Mustafa baked some cookies. "} +{"text":"Summarize the dialog.\n: Isabella: hey, can you call my mobile plz? dunno where it is xD\r\nSophie: haha okay xd give me 10secs\r\nSophie: calling you right now\r\nIsabella: i can hear it! yaay, thanks!\r\nSophie: yw xd\n: ","ground_truth":"Isabella wants Sophie to call her as she can't find her. "} +{"text":"Summarize the dialog.\n: Pam: Hey Adam how are. Where have you been\r\nAdam: Hey. I am good you tell. Nothing busy with work.\r\nPam: I am good too. Have been waiting for your call, for a date night with you.\r\nAdam: Sorry sweety actually last week had been real busy. How about friday night.\r\nPam: Oh, thats bad, sorry for friday night, its my mom birthday party. How about we go out on Saturday night.\r\nAdam: Thats nice, yeah sure for saturday night with a penalty.\r\nPam: what i am asking whats the penalty..... Before hand i have to think about it.\r\nAdam: Its gonna be a tight hug with a sweet kiss.. hopefully its small one.\r\nPam: Oh wow seems a great penalty.... but would answer only on Saturday night after dinner.\r\nAdam: Yeah sure would wait desperatly for an answer. See ya on Saturday honey. Tc\r\nPam: yeah see ya dear. Tc\n: ","ground_truth":"Adam has been busy for the last week. Pam and Adam will have a date on Saturday night. On Friday Pam is going for her mum's birtday party."} +{"text":"Summarize the dialog.\n: Tom: What was your fave seasonal beer?\r\nTory: The season isn't over yet!\r\nTom: Just pick one!\r\nTory: Alright; the Draycott stout, whatever that was.\r\nTom: The Christmas one?\r\nTory: Yes, that one.\r\nTom: Okay. I'm being asked for research purposes!\r\nTory: I bet...\n: ","ground_truth":"Tory's favorite bear is Draycott stout, Christmas edition."} +{"text":"Summarize the dialog.\n: Josh: and? does it work?\r\nAbby: ya... I guess\r\nJosh: nice, I knew you can do this!\r\nAbby: it's thanks to you :)\r\nJosh: no problem :)\n: ","ground_truth":"It works for Abby thanks to Josh's help. "} +{"text":"Summarize the dialog.\n: Anna: A weird thing just happened to me\u2026\nAnna: I ordered an uber, the app said the driver will arrive in three minutes, so I got ready and went down, but the driver was gone. I just received a notification that he ended the journey\nArthur: He probably cancelled it when you didn\u2019t come\nAnna: But it said I still have three minutes left. I just the clock and I really wasn\u2019t late. Aren\u2019t they supposed to wait at least 5-10 minutes?\nFrank: Yes, they are, I think they should at least call you before driving away\nAnna: Exactly! No one called me, I still have time, but he ended the trip before I managed to come down. I live on the first floor for god\u2019s sake\nArthur: Were you charged for it?\nAnna: Yeah, the whole sum!\nFrank: What?! If he cancelled, you should have paid only a cancellation fee\nAnna: That\u2019s why I said it was weird. I think I was simply scammed.\nArthur: Hm, it does seem like that. Have you notified Uber about it? You can send a complaint\nAnna: Not yet, but I think I will. It seems to me that he accepted the trip and ended it short afterwards, I\u2019m just not sure, don\u2019t want to accuse anyway\nFrank: But it sure looks like a scam, that way he can get the whole sum, because it looks like he just finished his ride.\nAnna: Sending a complaint right now.\nFrank: You can do it in the app, uber tracks all your journeys.\nArthur: I don\u2019t get why people do something like that\nFrank: I hope the guy gets kicked out\nAnna: Maybe he didn\u2019t do it on purpose\u2026 I don\u2019t know\nArthur: I think you should report him anyway, I highly doubt you can do something like that by accident\n: ","ground_truth":"Anna had an issue with Uber. She ordered one, the driver was supposed to pick her up in 3 minutes, but when she got there on time, he had gone. She just received a notification that he ended the journey and she was charged the whole amount for it. Anna sent a complaint to Uber about the situation."} +{"text":"Summarize the dialog.\n: Rachel: Dear team, our lawyers are running a GDPR training session next week. I'm attaching a spreadsheet with two available days, Wednesday or Friday, please choose one and write your name in the appropriate column. \r\nJoyce: Boss, next week I'll be at the expo in Paris, will I be able to receive the training at some other time? \r\nRachel: Yes, contact me when you're back, we'll figure something out.\r\nDavid: I'm still on a sick leave, can I join the session via Skype?\r\nRachel: Of course. I'll have someone send you the link. Just tell me which date suits you better.\r\nDavid: I'd prefer Wednesday.\r\nRachel: All right. Everybody else, I need you to sign up till the end of the day. If your name isn't in the spreadsheet by then, you'll be placed wherever there are available spots. \r\nTimothy: Rachel, could you send us the link to the spreadsheet.\r\nRachel: Right, sorry. \n: ","ground_truth":"Rachel created a spreadsheet for voting on which day the GDPR training should be held."} +{"text":"Summarize the dialog.\n: John: I'm leaving for a few months soon guys, could anybody take care of my apartment?\r\nTom: how comes? where are you going?\r\nPaul: sure, this is not a problem, but what happened?\r\nJohn: I just quitted my job and I think about living from savings for a while\r\nTom: where are you going to go?\r\nJohn: I think south-east Asia\r\nTom: cool! anybody you're going with?\r\nJohn: don't think so, we broke up with Elena on Monday\r\nPaul: gosh, guy, a lot is happening, let's meet for a beer first and talk about it, don't run away before talking to us\r\nJohn: I know it doesn't sound well, but I'm really fine and relieved \r\nJohn: I realised recently I hated mu life, I needed a change\r\nJohn: but, sure, let's meet, even tonight\r\nTom: Perfect, I'll let you know here when I'm free\r\nJohn: ok! I've plenty of time now of course!\n: ","ground_truth":"John's going to south-east Asia. John, Tom and Paul will meet before the departure."} +{"text":"Summarize the dialog.\n: Sandra: can't find your address on the map\r\nTracy: how come? did you input the right number?\r\nSandra: it's 205 B right?\r\nTracy: no! it's 25 B\r\nTracy: no wonder you weren't able to find it\r\nTracy: as it doesn't exist\r\nSandra: well that explains a lot\r\nSandra: anyway, now I know where to go!\r\nTracy: great\r\nTracy: we're waiting for you\n: ","ground_truth":"Sandra couldn't find Tracy's address on the map as she put an incorrect number. The correct address is 25 B. Tracy is waiting for Sandra. "} +{"text":"Summarize the dialog.\n: Jason: how is your dad feeling?\r\nAbigail: not so good, he had another surgery yesterday\r\nJason: sorry to hear that\r\nAbigail: thanks\r\nJason: was it the last one? Is he going to get released soon?\r\nAbigail: hopefully the last one but he will stay in hospital for another 2 or 3 weeks\r\nJason: oh that's long... do you think it would be a good idea if i visit him?\r\nAbigail: maybe not right now, he is very tired\r\nJason: but in like a week or so?\r\nAbigail: of course then, he really likes you and he is really bored there so having some company makes him very happy\r\nJason: i can make some time in the week after this one and bring Karen with me\r\nAbigail: please do, you can let me know earlier and i will tell you if no one else is visiting at this time\r\nJason: of course i will :) do you think we can bring him a pie or something? Karen can make some\r\nAbigail: that's sweet of you but i don't think it's a very good idea, he will be on a special diet\r\nJason: ah you are probably right...\r\nAbigail: but you can bring him some good herbal tea :) you know he loves it\n: ","ground_truth":"Abigail's dad has had another surgery yesterday and will need to stay in hospital for another 2 or 3 weeks. Jason wants to visit with Karen. Abigail feels her dad would like that but in a weeks time when he is less tired. Bringing food is not a good idea but he likes herbal tea. "} +{"text":"Summarize the dialog.\n: Sabrina: me tooooooooo!!!!!! I have nothing to do\r\nRose: lol, i know the feeling\r\nRose: ive been killing time by watching all the Merlin episodes on Youtube\r\nRose: how are you then??\r\nSabrina: now that is an EXCELLENT way to spend time!\r\nSabrina: I'm good, looking forward to 10th July onwards.... so busy from then :D\n: ","ground_truth":"Sabrina has nothing to do. Rose watches YouTube videos when she's bored."} +{"text":"Summarize the dialog.\n: Pam: Whose turn is it to throw the garbage away?\nDon: Ron's\nRon: Yes, I'll do it when I come home\n: ","ground_truth":"Ron will throw the garbage away when he comes home."} +{"text":"Summarize the dialog.\n: Graham: \r\nGraham: u need to watch it!\r\nGraham: so funny\r\nGraham: \r\nHank: what's that?\r\nGraham: one stand up guy I found\r\nGraham: he's great\r\nHank: u know I don't like that stuff\r\nGraham: I know, but this u'll like\r\nHank: don't think so\r\nGraham: just watch it and then argue\r\nHank: ok, ok, I'll watch\r\nGraham: good, let me know\n: ","ground_truth":"Hank will watch a piece of stand-up comedy Graham has sent him."} +{"text":"Summarize the dialog.\n: Mike: how\u2019s RDR2?\r\nNick: playing yesterday for 10h xDDD\r\nMike: What??? xDDDDDDD\r\nNick: 2 bags of chips, 1.5l cola and no shower\r\nMike: God\r\nNick: the best day of my life\n: ","ground_truth":"Nick spent 10 hours playing Red Dead Redemption 2 yesterday. It was the best day of his life."} +{"text":"Summarize the dialog.\n: Leigh: i finally got these boots I wanted :D\r\nSarah: oh cool! pics please\r\nLeigh: K here it comes :D\r\nLeigh: \r\nLeigh: and a bonus, you can see my new skirt\r\nLeigh: please ignore the mess in the background xD\r\nSarah: wow you look fab :D\r\nSarah: the skirt and the boots, both look bomb on ya\r\nSarah: are they comfy? ^^\r\nLeigh: hahahah yeah very much so!\r\nLeigh: you can't even feel the heel that much\r\nLeigh: i tried on some other pair, a bit lower, but they were like weirdly stretchy and not that warm\r\nSarah: so they'e comfy AND warm :)\r\nLeigh: that's right! :D\r\nSarah: can't wait to seem them in person haha\n: ","ground_truth":"Leigh's new boots are comfortable, warm, and they look nice."} +{"text":"Summarize the dialog.\n: Johnny: (b) after work?\r\nSam: (y)\r\nJohnny: (y) :D\n: ","ground_truth":"Johnny and Sam are going to meet after work."} +{"text":"Summarize the dialog.\n: Chloe: I've bought a new MacBook Air\r\nWilliam: I thought your laptop was quite fine\r\nBrian: how is it?! I aw the apple conference, it's quite amazing, it seems\r\nChloe: it's beautiful of course, but I'm not sure it's such an upgrade\r\nBrian: they just took stuff from the more expensive models and moved it down to MacBook Air\r\nChloe: it's a bit true, I can't see a big difference\r\nChloe: but I needed a new laptop, my battery became too weak\r\nWilliam: oh, I see\r\nChloe: and I travel a lot, I need to work very long with the computer unplugged \n: ","ground_truth":"Chloe bought a new MacBook Air for work."} +{"text":"Summarize the dialog.\n: Harvey: Hey Dona, i'll be running late. please reschedule my meeting\r\nDona: but its an important one\r\nHarvey: yeah, i know, but please find a way\r\nDona: Okay Harvey, but better have an explanation for the client\r\nHarvey: Dont worry, i have one, but ill explain later after i arrive\r\nDona: okay sir\r\nHarvey: thanks Dona\n: ","ground_truth":"Dona will reschedule the meeting on Harvey's request."} \ No newline at end of file From 53e824b8fed9a400e55c2f3f6fa411f64f3599b5 Mon Sep 17 00:00:00 2001 From: Sagar Sumant Date: Mon, 9 Dec 2024 16:12:05 -0800 Subject: [PATCH 2/4] Add chat sample notebook for maap --- ...at_completion_with_model_as_platform.ipynb | 565 ++++++++++++++++++ .../model-as-a-platform/chat/train.jsonl | 79 +++ .../model-as-a-platform/chat/validation.jsonl | 21 + 3 files changed, 665 insertions(+) create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat_completion_with_model_as_platform.ipynb create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/train.jsonl create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/validation.jsonl diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat_completion_with_model_as_platform.ipynb b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat_completion_with_model_as_platform.ipynb new file mode 100644 index 0000000000..daec115e91 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat_completion_with_model_as_platform.ipynb @@ -0,0 +1,565 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## FineTuning LLM with Model-As-Service\n", + "\n", + "This sample shows how use create a standalone FineTuning job to fine tune a model to summarize a dialog between 2 people using samsum dataset.\n", + "\n", + "#### Training data\n", + "We use sample data placed along with the notebook for our finetuning in files \"train.jsonl\" and \"validation.jsonl\"\n", + "\n", + "#### Model\n", + "We will use the Phi-3-mini-4k-instruct model to show how user can finetune a model for chat-completion task. If you opened this notebook from a specific model card, remember to replace the specific model name. \n", + "\n", + "#### Outline\n", + "1. Setup pre-requisites\n", + "2. Pick a model to fine-tune.\n", + "3. Create training and validation datasets.\n", + "4. Configure the fine tuning job.\n", + "5. Submit the fine tuning job.\n", + "6. Create online endpoint deployment using finetuned model and sample inference." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 1. Setup pre-requisites\n", + "* Install dependencies\n", + "* Connect to AzureML Workspace. Learn more at [set up SDK authentication](https://learn.microsoft.com/en-us/azure/machine-learning/how-to-setup-authentication?tabs=sdk). Replace ``, `` and `` below.\n", + "* Connect to `azureml` system registry\n", + "* Set an optional experiment name" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Install dependencies by running below cell. This is not an optional step if running in a new environment.**" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "%pip install https://finetuningsdkteststorage.blob.core.windows.net/finetuning-private-sdk/azure_ai_ml-1.23.0-py3-none-any.whl\n", + "%pip install azure-identity\n", + "\n", + "%pip install mlflow\n", + "%pip install azureml-mlflow" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "from azure.ai.ml import MLClient\n", + "from azure.identity import (\n", + " DefaultAzureCredential,\n", + " InteractiveBrowserCredential,\n", + ")\n", + "from azure.ai.ml.constants._common import AssetTypes" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create AzureML Workspace connections" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "from azure.ai.ml import MLClient\n", + "from azure.identity import (\n", + " DefaultAzureCredential,\n", + " InteractiveBrowserCredential,\n", + ")\n", + "\n", + "try:\n", + " credential = DefaultAzureCredential()\n", + " credential.get_token(\"https://management.azure.com/.default\")\n", + "except Exception as ex:\n", + " credential = InteractiveBrowserCredential()\n", + "\n", + "try:\n", + " workspace_ml_client = MLClient.from_config(credential=credential)\n", + "except:\n", + " workspace_ml_client = MLClient(\n", + " credential,\n", + " subscription_id=\"\",\n", + " resource_group_name=\"\",\n", + " workspace_name=\"\",\n", + " )\n", + "\n", + "# the models, fine tuning pipelines and environments are available in various AzureML system registries,\n", + "# Example: Phi family of models are in \"azureml\"\n", + "registry_ml_client = MLClient(credential, registry_name=\"azureml\")\n", + "\n", + "# Get AzureML workspace object.\n", + "workspace = workspace_ml_client._workspaces.get(workspace_ml_client.workspace_name)\n", + "workspace.id" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 2. Pick a foundation model to fine tune\n", + "\n", + "`Phi-3-mini-4k-instruct` is a 3.8B parameters, lightweight, state-of-the-art open model built upon datasets used for Phi-2. The model belongs to the Phi-3 model family, and the Mini version comes in two variants 4K and 128K which is the context length (in tokens) it can support. You can browse these models in the Model Catalog in the Azure AI Studio, filtering by the `chat-completion` task. In this example, we use the `Phi-3-mini-4k-instruct` model. If you have opened this notebook for a different model, replace the model name and version accordingly.\n", + "\n", + "Note the model id property of the model. This will be passed as input to the fine tuning job. This is also available as the `Asset ID` field in model details page in Azure AI Studio Model Catalog." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "model_name = \"Phi-3-mini-4k-instruct\"\n", + "foundation_model = registry_ml_client.models.get(model_name, label=\"latest\")\n", + "print(\n", + " \"\\n\\nUsing model name: {0}, version: {1}, id: {2} for fine tuning\".format(\n", + " foundation_model.name, foundation_model.version, foundation_model.id\n", + " )\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Use either compute cluster or provide instance type which is compatible with below list" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "foundation_model.properties[\"finetune-recommended-sku\"]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 3. Sample data\n", + "\n", + "The chat-completion dataset is stored in parquet format with each entry using the following schema:" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\n", + " {\n", + " \"messages\":[\",\n", + " {\",\n", + " \"content\": \"Create a fully-developed protagonist who is challenged to survive within a dystopian society under the rule of a tyrant. ...\",\n", + " \"role\": \"user\",\n", + " },\n", + " {\",\n", + " \"content\": \"Name: Ava\\n Ava was just 16 years old when the world as she knew it came crashing down. The government had collapsed, leaving behind a chaotic and lawless society. ...\",\n", + " \"role\": \"assistant\",\n", + " },\n", + " {\",\n", + " \"content\": \"Wow, Ava's story is so intense and inspiring! Can you provide me with more details. ...\",\n", + " \"role\": \"user\",\n", + " },\n", + " {\n", + " \"content\": \"Certainly! ....\",\n", + " \"role\": \"assistant\"\",\n", + " }\n", + " ],\n", + " }" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Create data inputs" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from azure.ai.ml.constants._common import AssetTypes\n", + "from azure.ai.ml.entities import Data\n", + "\n", + "dataset_version = \"1\"\n", + "train_dataset_name = \"chat_training_small\"\n", + "try:\n", + " train_data_asset = workspace_ml_client.data.get(\n", + " train_dataset_name, version=dataset_version\n", + " )\n", + " print(f\"Dataset {train_dataset_name} already exists\")\n", + "except:\n", + " print(\"creating dataset\")\n", + " train_data = Data(\n", + " path=f\"./train.jsonl\",\n", + " type=AssetTypes.URI_FILE,\n", + " description=\"Training dataset\",\n", + " name=train_dataset_name,\n", + " version=\"1\",\n", + " )\n", + " train_data_asset = workspace_ml_client.data.create_or_update(train_data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "train_data_asset.id" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from azure.ai.ml.entities import Data\n", + "\n", + "dataset_version = \"1\"\n", + "validation_dataset_name = \"chat_validation_small\"\n", + "try:\n", + " validation_data_asset = workspace_ml_client.data.get(\n", + " validation_dataset_name, version=dataset_version\n", + " )\n", + " print(f\"Dataset {validation_dataset_name} already exists\")\n", + "except:\n", + " print(\"creating dataset\")\n", + " validation_data = Data(\n", + " path=f\"./validation.jsonl\",\n", + " type=AssetTypes.URI_FILE,\n", + " description=\"Validation dataset\",\n", + " name=validation_dataset_name,\n", + " version=\"1\",\n", + " )\n", + " validation_data_asset = workspace_ml_client.data.create_or_update(validation_data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "tags": [] + }, + "outputs": [], + "source": [ + "validation_data_asset.id" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 3. Submit the fine tuning job using the the model and data as inputs\n", + " \n", + "Create FineTuning job using all the data that we have so far." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "##### Create marketplace subscription for 3P models\n", + "Note: Skip this step for 1P(Microsoft) models that are offered on Azure. Example: Phi family of models" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Define finetune parameters\n", + "\n", + "##### There are following set of parameters that are required.\n", + "\n", + "1. `name`- FineTuning job name\n", + "2. `model` - Base model to finetune.\n", + "3. `training_data` - Training data for finetuning the base model.\n", + "4. `task` - FineTuning task to perform. eg. TEXT_COMPLETION for text-generation/text-generation finetuning jobs.\n", + "5. `outputs`- Output registered model name.\n", + "\n", + "##### Following parameters are optional:\n", + "\n", + "1. `hyperparameters` - Parameters that control the FineTuning behavior at runtime.\n", + "2. `validation_data` - Validation data for finetuning the base model.\n", + "3. `experiment_name` - Experiment name for FineTuning job.\n", + "4. `display_name` - FineTuning job display name." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from azure.ai.ml.finetuning import FineTuningTaskType, create_finetuning_job\n", + "import uuid\n", + "\n", + "guid = uuid.uuid4()\n", + "short_guid = str(guid)[:8]\n", + "display_name = f\"{model_name}-display-name-{short_guid}-from-sdk\"\n", + "name = f\"{model_name}t-{short_guid}-from-sdk\"\n", + "output_model_name_prefix = f\"{model_name}-{short_guid}-from-sdk-finetuned\"\n", + "experiment_name = f\"{model_name}-instruct-from-sdk\"\n", + "compute = \"gpu-compute-low-pri\"\n", + "\n", + "finetuning_job = create_finetuning_job(\n", + " task=FineTuningTaskType.CHAT_COMPLETION,\n", + " training_data=train_data_asset.id,\n", + " validation_data=validation_data_asset.id,\n", + " hyperparameters={\n", + " \"per_device_train_batch_size\": \"1\",\n", + " \"learning_rate\": \"0.00002\",\n", + " \"num_train_epochs\": \"1\",\n", + " },\n", + " model=foundation_model.id,\n", + " display_name=display_name,\n", + " name=name,\n", + " experiment_name=experiment_name,\n", + " # compute=compute,\n", + " instance_types=[\"Standard_ND96amsr_A100_v4\", \"Standard_E4s_v3\"],\n", + " tags={\"foo_tag\": \"bar\"},\n", + " properties={\"my_property\": \"my_value\"},\n", + " output_model_name_prefix=output_model_name_prefix,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "created_job = workspace_ml_client.jobs.create_or_update(finetuning_job)\n", + "workspace_ml_client.jobs.get(created_job.name)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Wait for the above job to complete successfully" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "status = workspace_ml_client.jobs.get(created_job.name).status\n", + "\n", + "import time\n", + "\n", + "while True:\n", + " status = workspace_ml_client.jobs.get(created_job.name).status\n", + " print(f\"Current job status: {status}\")\n", + " if status in [\"Failed\", \"Completed\", \"Canceled\"]:\n", + " print(\"Job has finished with status: {0}\".format(status))\n", + " break\n", + " else:\n", + " print(\"Job is still running. Checking again in 30 seconds.\")\n", + " time.sleep(30)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "if status in [\"Failed\", \"Canceled\"]:\n", + " print(\"Job did not finish successfully. So no model to deploy. JobStatus: {0}\".format(status))\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "registered_model_output = created_job.outputs[\"registered_model\"]\n", + "registered_model_output" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "registered_model = workspace_ml_client.models.get(name=registered_model_output.name, version=\"1\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "registered_model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 4. Deploy the fine tuned model to an online endpoint" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import time, sys\n", + "from azure.ai.ml.entities import (\n", + " ManagedOnlineEndpoint,\n", + " ManagedOnlineDeployment,\n", + " ProbeSettings,\n", + " OnlineRequestSettings,\n", + ")\n", + "\n", + "online_endpoint_name = f\"{model_name}-\" + short_guid\n", + "# create an online endpoint\n", + "endpoint = ManagedOnlineEndpoint(\n", + " name=online_endpoint_name,\n", + " description=\"Online endpoint for \"\n", + " + registered_model_output.name\n", + " + \", fine tuned model for samsum textgen\",\n", + " auth_mode=\"key\",\n", + ")\n", + "workspace_ml_client.begin_create_or_update(endpoint).wait()" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "tags": [] + }, + "source": [ + "#### Create a deployment" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### You can find the SKUS supported by the model for deployment with below command. You can choose one of the sku for deployment." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "foundation_model.properties[\"inference-recommended-sku\"]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "demo_deployment = ManagedOnlineDeployment(\n", + " name=\"demo\",\n", + " endpoint_name=online_endpoint_name,\n", + " model=registered_model.id,\n", + " instance_type=\"Standard_NC24ads_A100_v4\",\n", + " instance_count=1,\n", + " liveness_probe=ProbeSettings(initial_delay=600),\n", + " request_settings=OnlineRequestSettings(request_timeout_ms=90000),\n", + ")\n", + "workspace_ml_client.online_deployments.begin_create_or_update(demo_deployment).wait()\n", + "endpoint.traffic = {\"demo\": 100}\n", + "workspace_ml_client.begin_create_or_update(endpoint).result()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import requests\n", + "\n", + "url = f\"{endpoint.scoring_uri}/v1/chat/completions\"\n", + "\n", + "payload = {\n", + " \"max_tokens\": 1024,\n", + " \"messages\": [\n", + " {\n", + " \"content\": \"This script is great so far. Can you add more dialogue between Amanda and Thierry to build up their chemistry and connection?\",\n", + " \"role\": \"user\",\n", + " }\n", + " ],\n", + "}\n", + "headers = {\"Content-Type\": \"application/json\", \"Authorization\": f\"{auth_key}\"}\n", + "\n", + "response = requests.post(url, json=payload, headers=headers)\n", + "\n", + "response.json()" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3.10 - SDK v2", + "language": "python", + "name": "python310-sdkv2" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.14" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/train.jsonl b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/train.jsonl new file mode 100644 index 0000000000..e2f53cd0e3 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/train.jsonl @@ -0,0 +1,79 @@ +{"messages":[{"content":"Summarize this dialog:\nDenny: \r\nDenny: sleep tight my dearest!\r\nWilma: Morning! thanks for the photos! may I forward them to the Hobbs?\r\nWilma: it's 9:40! where are you?\r\nDenny: did you forget? I've got an appointment at 10\r\nWilma: sorry!! I forgot\r\nWilma: are you in the waiting room?\r\nDenny: just arrived\r\nDenny: I'll call you afterwards\r\nWilma: ok\n---\nSummary:\n","role":"user"},{"content":"Denny has an appointment at 10. He'll call Wilma afterwards.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMary: Where are u?\r\nMary: I'm freezing here!\r\nAlice: I'm on my way.\r\nAlice: Sorry, I have some problems with my mum.\r\nAlice: She dont't want me to go :\/\r\nMary: Don't be joking!\r\nMary: Why?\r\nAlice: She doesn't trust Jack...\n---\nSummary:\n","role":"user"},{"content":"Mary is cold and waiting for Alice. Alice is on her way. Alice's mom doesn't want Alice to go, as she doesn't trust Jack.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nIsabelle: So, what time will you be there?\r\nRyan: I won\u2019t\r\nIsabelle: What??\r\nRyan: Me and Irma, we\u2019re going to the cinema together\r\nIsabelle: Loool, not cool, both of you promised to come!\r\nRyan: I know, but\u2026 we just want to spend some time together before I go to London\r\nIsabelle: Ooooookay, I can see sth\u2019s going on o.O\r\nRyan: Yea, kind of ;p\r\nIsabelle: Meaning\u2026? ;d\r\nRyan: Were going out a bit, that\u2019s it\r\nIsabelle: Hmmm right, so what am I supposed to tell the others?\r\nRyan: The truth :P\n---\nSummary:\n","role":"user"},{"content":"Ryan and Irma are going to the movies tonight instead of meeting Isabelle as promised. Ryan will be leaving for London soon and wants to spend time with Irma.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nAnita: How are you doing?\r\nRuby: good! yourself?\r\nAnita: good enough I think.\r\nRuby: How is your work going?\r\nAnita: I haven't painted anything for the last year.\r\nRuby: I see, why?\r\nAnita: I just can't work\r\nRuby: I am sorry...\r\nAnita: Maybe it will be possible one day to come back to work.\r\nRuby: I'm sure it will.\r\nAnita: Maybe if we could try again?\r\nRuby: We talked about it so many times, don't you think?\r\nAnita: Sorry...\r\nRuby: Please, take care of yourself and give it some time.\r\nAnita: I shouldn't have written \r\nRuby: it's fine. Don't blame yourself.\r\nAnita: Have a good day\r\nRuby: you too\n---\nSummary:\n","role":"user"},{"content":"Anita hasn't painted anything for a year. She asked Ruby to give them another try, but Ruby refused. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nShelly: How did Max find out there was no Santa?\r\nDiane: He just kind of figured it out when he was about 5 or so.\r\nShelly: I'm having trouble with Taylor. \r\nShelly: Some kid at school told her there was no Santa!\r\nDiane: That was bound to happen. Just tell her that kid has their own opinion and she doesn't have to share it.\r\nShelly: That's a good one. I called the teacher also. Too much?\r\nDiane: Yes. Keep it between you and Taylor and don't make it a big deal.\r\nShelly: You're right. Thanks for the advice!\r\nDiane: NP! I actually miss the Santa days!\r\nShelly: I know, they grow up too fast!\r\nDiane: Not little kids anymore!\r\nShelly: :'\u2011(\r\nDiane: I also miss Elf on the Shelf! Got him to go to bed on time! LOL!\r\nShelly: See, I think that's creepy!\r\nDiane: It is a bit creepy, but does the trick.\r\nShelly: I suppose. Unless they catch you moving the elf. \r\nDiane: Uh oh!\r\nShelly: Yep, only one Christmas in our house and I was busted! LOL!\r\nDiane: LOL!\r\nShelly: Have a good night! See you at the gym!\r\nDiane: You too! See you!\n---\nSummary:\n","role":"user"},{"content":"Diane's son, Max, found out that there is no Santa at the age of 5. Shelly's daughter, Taylor, was told at school that there is no Santa by some kid. Diane suggests not to make a big deal out of it.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMaria: Have you seen my jumper?\nJoseph: A black one?\nAmy: no\nMaria: yes!!\nJoseph: You left it in the office\nMaria: Ufff\nMaria: Thanks Joseph \n---\nSummary:\n","role":"user"},{"content":"Maria left her black jumper in the office.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nTracy: Are you on the bus already?\nBob: Yes, we'll be at the station in about 15min\nDominic: maybe 20\nTracy: great!\n---\nSummary:\n","role":"user"},{"content":"Bob and Dominic are already on the bus. They'll be at the station in about 15-20 minutes.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nLena: Hi Gary!\nLena: Are you home now?\nGary: Hello!\nGary: I was (and still am) at home but I wasn't logged in here\nLena: Do you have time to skype?\nLena: I can't sleep.\nGary: Sure, give me 5 minutes.\nLena: Sure.\nGary: Ok.\nGary: I'm ready and \"hidden\" on skype ;)\nLena: Calling.\n---\nSummary:\n","role":"user"},{"content":"Lena cannot sleep and want to talk with Gary on Skype. Gary is at home and is logged as \"hidden\" on Skype. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nSynthia: You won\u2019t believe what happened to me!\r\nJoan: Shoot!\r\nSynthia: Oh my gosh, I\u2019m sooo upset\uf04c\r\nJoan: C\u2019mon, what happened??\r\nSynthia: Do you remember my friend, Mike?\r\nJoan: The one from high-school? Yeah, I do. \r\nSynthia: I just run into him at the supermarket.\r\nJoan: And?\r\nSynthia: And he said he just met someone me.\r\nJoan: And????\r\nSynthia: I don\u2019t know, this guy\u2019s been always driving me crazy.\r\nJoan: So, who did he see? What\u2019s the problem?\r\nSynthia: I don\u2019t\u2019 know, I didn\u2019t even ask, but why is he even talking to me? I don\u2019t even like him.:-\/\r\nJoan: Well, maybe he just remembers you.\r\nSynthia: So what?\r\nJoan: So, maybe he just wanted to say hi \uf04a\r\nSynthia: I don\u2019t care. I don\u2019t like this dude. I wish I wouldn\u2019t see him at all.\r\nJoan: OK, so next time just tell him you\u2019re busy and it was great to see him.\r\nSynthia: Well, I think I\u2019ll just walk away the other direction. \r\nJoan: Fine, whatever works. Gotta go. \r\nSynthia: Bye. \n---\nSummary:\n","role":"user"},{"content":"Synthia met her friend Mike and she is very upset about it. Joan suggests to just say hi next time. Synthia decides to just ignore him.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJeff: how are we going to the party?\r\nJospeh: should we take a tram?\r\nJeff: we can also walk\r\nMelissa: no, it's too cold and too far\r\nBarbara: where does she live actually?\r\nMelissa: I think somewhere in Novoli\r\nBarbara: ok, I won't walk to Novoli for sure\r\nJeff: we could take car2go\r\nMelissa: if there is any in the area\r\nJeff: because Uber won't work tonight I suppose\r\nMelissa: no way, New Year's Eve is always a disaster when it comes to taxis\r\nBarbara: let's try car2go\r\nJeff: and if it doesn't work, we will take a tram\r\nBarbara: exactly\n---\nSummary:\n","role":"user"},{"content":"Jeff, Jospeh, Melissa and Barbara are going to the party in Novoli. It's too cold for a walk and the taxies are unavaliable on New Year's Eve. They decide to try car2go. The worst case scenario they will take a tram.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nSophia: Hi Lina, my daughter Parvati is interested in cooking classes. you still have room?\r\nLina: of course, no problem, next session is saturday the 10th\r\nSophia: thanks could you tell me how does it cost? \r\nLina: 20 euros each class. you may pay by cash or transfer\r\nSophia: great, Parvati is so happy.\n---\nSummary:\n","role":"user"},{"content":"Parvati will attend Lina's cooking class. The next session is on the 10th. Each session costs 20 euros, payable by cash or transfer.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nTim: We are raising funds for children in need! Come along and bring your friends and family! I hope to see you there! \r\nDonna: Do you need volunteers?\r\nTim: Volunteers much needed! \r\nDonna: i\u2019d be more than happy to help! X\r\nRose: count on me too!\r\nKevin: that is awesome mate what you\u2019re doing!\r\nGreg: Go go go mate!\r\nEmma: shared\r\nGreg: I am ready to help out too! \n---\nSummary:\n","role":"user"},{"content":"Tim is raising funds for children in need. Donna, Greg and Rose want to help out as volunteers.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nBill: can you pick up my package from the post office on the way home?\r\nStacy: is it something heavy? :)\r\nBill: no, it's a new battery for my cellphone\r\nStacy: sure thing then honey :*\r\nBill: thanks baby :*\n---\nSummary:\n","role":"user"},{"content":"Stacy will pick up a battery from the post office on Bill's request.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nKadisha: Hellooo!! You here??\nKadisha: I sent you a video clip on fb\nKadisha: \nWaldemar: WTF?? LOL!!\nWaldemar: Hilarious shit!!!\nWaldemar: And there's a whole collection \ud83e\udd23\ud83e\udd23\ud83e\udd23\nWaldemar: Have you seen the rest?\nWaldemar: Hahahaha\nKadisha: Is there??\nKadisha: No I haven't \ud83d\ude1c\nKadisha: I'll check it out..\nKadisha: Same characters?\nWaldemar: Yeah gremlins and shit \ud83e\udd23\nWaldemar: Check this one out\nWaldemar: \nKadisha: loool \ud83d\ude04\ud83d\ude04\ud83d\ude04\nKadisha: That's totally screwed\n---\nSummary:\n","role":"user"},{"content":"Kadisha and Waldemar share funny videos.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nBrian: Hello everyone! What has been your favourite moment of the ceremony so far?\r\nStorm: Just joined. I'm enjoying the speech by President Marcon. I pray ppl in my country are listening. I hope our current ruler is listening. We are on very thin ice over here in the US. I don't think ppl truly understand the value of the past.\r\nPatte: Macron's speech (and I am not a particular fan of his)\r\nLaura: Brian the musical performances.\r\nDenis: The view from the Arc down the Champs. Seeing the lettering on the monument, and the students reading the letters of soldiers.\r\nAngie: Brian when he said nationalism was the opposite of patriotism. So true and I wish others would realize it.\r\nAnne: \"Nationalism is the betrayal of patriotism \" Macron, 11\/11\/2018 Love it!\r\nMargaret: My daughter went to a local fair in Sydney today and all the hundreds attending fell silent at 11am. Very moving!\r\nDenis: Its a Beautiful moment in the history of the world\r\nJan: Unfortunate that when a letter by Remarque was being read in German, both CNN and BBC reporters starting talking about something else.\r\nLaura: I am so sorry for every Country's loss of friends, family, neighbors and Citizens. So many attending are emotional. My heart and prayers go out to all of them.\ud83d\ude2a\r\nTom: in fact African leaders shouldn't have been invited because they have failed Africa and the world as a whole\r\nPatte: Tom you don't understand the global capital. Europe is a partner to the demise of Africa. African leaders have colluded with global capital. go read up on Togo politics.\r\nDestiny: There's no single benefit after war, Sincere peace is the ultimate. Therefore I urge the whole world to embrace peace.\r\nAngie: Agree!\r\nLarry: War is what comes when people give up on peaceful solutions . Ideas are what keep us from war. Love and Trust are always better than Fear and Doubt.\r\nLarry: Today is Veterans Day in the US. We honor everyone\u2019s service to their respective countries \r\nPeter: What about the killings that are happening right now because of you and your allies, around the world or the middle east to be precise.\r\nKafuka: exactly my thoughts.\r\nLarry: The United States has always tried to be peaceful and honorable. Are we perfect? No! But at least we try. We never asked for 911.\r\nKafuka: Larry, leave Internet. Now.\n---\nSummary:\n","role":"user"},{"content":"What Storm and Patte liked the most about the ceremony was President Marcon's speech. Laura's favourite moment was musical performances. Denis liked the view from the Arc down the Champs. Destiny, Angie and Larry stand for peaceful solutions. Larry and Kafuka are against US military actions. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nNathan: my mum is making trifles tonight\r\nNathan: wanna come over?\r\nSue: that sounds DELICIOUS!!\r\nSue: and your mom is your an amazing cook :-D\r\nNathan: they're strawberry and almond trifles\r\nSue: WOW\r\nSue: what time should i be there?\r\nNathan: 7\r\nSue: i'll be there at 7\r\nSue: and i'll bring a bottle of wine\r\nNathan: Thanks!!!\n---\nSummary:\n","role":"user"},{"content":"Sue will come to Nathan at 7 because his mum is making trifles tonight. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMary: Hello. Im writing to let you know the cake you ordered is ready. Feel free to come and get it whenever you want.\r\nFred: Thank you really much! I'm afraid though I won't be able to get it before friday. That a problem?\r\nMary: Not at all. However, bear in mind we're only open till midday on Fridays. \r\nFred: Doesn't sound good. What about Saturday? Are you open??\r\nMary: Absolutely. Also here till midday.\r\nFred: great. So see you on Saturday.\n---\nSummary:\n","role":"user"},{"content":"Fred's cake is ready. He cannot pick it up on Friday so he will do it on Saturday. The place is open until midday on Friday and Saturday.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nPatty: Lunch, anyone? \r\nFred: Yesss please!\r\nBecky: Totally, I'm starving!\r\nPatty: 1pm in the lobby\r\nBecky: I'm in\n---\nSummary:\n","role":"user"},{"content":"Patty, Fred and Becky are meeting at 1 pm in the lobby.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nOmar: do you need any work done this week?\r\nJenny: yes I could do with a hand in the kennels\r\nOmar: great I'll come over in a hour or so then, do you need anything?\r\nJenny: Yes bring your toolbox I need that sink pipe undoing \r\nOmar: ok see you soon\n---\nSummary:\n","role":"user"},{"content":"Omar will come over in an hour to help with the kennels. Jenny wants Omar to bring his toolbox. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nTina: Gals,would it be ok if we met at 6 PM instead of 5 on Friday? My hairdresser just offered that I can come at 4 on Friday - his previous visit got cancelled or something - and I'm not sure if I can make it on time in this case.\r\nLucy: no problem\r\nMarge: it's even better for me\r\nTina: thanks a lot ;*\r\nLucy: so you finally got that appointment, huh? ;)\r\nTina: yeah, you know how long I've been waiting for it? Jeez\r\nMarge: no wonder, they have great reviews everywhere\r\nTina: exactly, I can't wait ^^\r\nLucy: congrats ;)\r\nTina: thx :*\n---\nSummary:\n","role":"user"},{"content":"Tina, Lucy and Marge will meet at 6 PM instead of 5 PM on Friday as there's a possibility for Tina to go to the hairdresser at 4 PM. Tina has been waiting a long time for the appointment. The hairdresser has good reviews.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJules: Hi there!\r\nAnna: Hey, I meant to contact you yesterday :)\r\nAnna: Any suggestions or preferences? \r\nJules: are you talking about the birthday present?\r\nAnna: Yes :) \r\nJules: elsa accessories would be ok\r\nAnna: great, thanks!\r\nAnna: and how are you doing these days? \r\nJules: we're good thanks\r\nJules: i've changed my working hours and now I only work 7hrs\r\nAnna: super!\r\nJules: I can pick her up earlier and she isn't so tired\r\nAnna: sure\r\nJules: And how are you doing?\r\nAnna: good, thanks\r\nAnna: I'm busy studying for the exam \r\nAnna: it's on Friday\r\nJules: So soon?\r\nAnna: Yeah\r\nJules: Ok, I don't want to distract you from studying ;) \r\nJules: Good luck and be in touch, girl!\r\nAnna: Thanks, speak to you soon\n---\nSummary:\n","role":"user"},{"content":"According to Jules, Elsa accesories will make a good present. She works less now. Anna is preparing for the Friday's exam.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMichael: Hey honey, would you mind taking our dog to the vet today?\r\nMichael: something came up and I can't make it\r\nTherese: Oh yeah, no problem :)\r\nMichael: You're the best!\n---\nSummary:\n","role":"user"},{"content":"Therese will take the dog to the vet, as Micheal can't make it.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nSheridan: Did you see that pink fridge?\r\nElias: Yes. Vomit!\r\nSheridan: What WAS she THINKING???\r\nElias: She wasn't!\r\nSheridan: Fashion victim!\r\nElias: A fridge isn't fashion!\r\nSheridan: Don't care. It's still horrid.\r\nElias: I'm not sure pink and gray are the in thing, you know?\r\nSheridan: Remember when it was in in the 80s?\r\nElias: Uh, how can I forget?\r\nSheridan: Gray is in but with pastels? Vom!\r\nElias: \r\nSheridan: ARE YOU KIDDING????\r\nElias: LOL!\r\nSheridan: My eyes! My eyes!\r\nElias: Some people like it!\r\nSheridan: Not this people! LOL!\r\nElias: Yeah, I got that!\r\nSheridan: Anyway, can't unsee that.\r\nElias: LOL! Brain bleach!\n---\nSummary:\n","role":"user"},{"content":"Sheridan and Elias are criticising her pink fridge. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nGrey: if i had to guess, its you who started the fight\r\nYuri: hey what do you mean -_- who's side are you on\r\nGrey: hey im on your side, if they want a fight we'll give them one\r\nYuri: yeah\r\nGrey: but seriously, who started it xD\r\nYuri: it wasn't me this time\r\nGrey: thank God!\n---\nSummary:\n","role":"user"},{"content":"This time Yuri didn't start the fight. Grey has got Yuri's back.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nSylvia: Chris asked me ou!\nRebecca: OMG!\nDave: Whoooooah!!! You go girl!\nSylvia: I know! I\u2019m so hyped!!!\nRebecca: Tell us more! When, where? :D\nSylvia: We\u2019re meeting at 8, but I don\u2019t know where we\u2019re going\nSylvia: He said it will be a surprise <3\nDave: Oh my, so romantic <3\nRebecca: What are you going to wear?\nSylvia: I don\u2019t know, I don\u2019t know where we\u2019re going\u2026\nRebecca: Hm, go with something simple\nDave: But a dress, you need to wear a dress!\n---\nSummary:\n","role":"user"},{"content":"Chris asked Sylvia out. They are meeting at 8.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nCarolyn: I\u2019m so hype! Look, aren\u2019t they gorgeous?\r\nCarolyn: \r\nAnn: Dope shoes! Where did you buy them?\r\nCarolyn: on the internet \ud83d\ude0a\r\nMary: Cool!\n---\nSummary:\n","role":"user"},{"content":"Carolyn bought fantastic shoes on the internet. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nVanessa: Hey, I'm thinking of buying a new phone and I was wondering whether you could give me some advice on that.\r\nLindsey: Hi, Vanessa. Personally I'm a fan o Samsung galaxy series. The model depends on your budget for this.\r\nHarry: I'm not a fan of android so I'd recommend an iphone - I've been using one for years it's great.\r\nVanessa: Yeah, I'm a bit on budget - but not so much I can only afford the cheapest models. Any particular not terribly expensive models you both would like to recommend?\r\nLindsey: The s-series is no longer the latest one so e.g. galaxy s6 or s7 would be cheaper now. They're a couple of years old but work perfectly fine as far as I know\r\nHarry: the budget version would be iphone 6\r\nVanessa: Thanks a lot for the advice guys. I'll look into those models.\r\nHarry: any time\n---\nSummary:\n","role":"user"},{"content":"Vanessa plans to buy a new phone and needs advice on a reasonably priced model. Lindsey recommends Galaxy s6 or s7 while Harry suggests iPhone 6.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nAbigail: Jacob, I need to ask you a favor. \r\nJacob: Yeah, sure, what's up.\r\nAbigail: I need help deciding which haircut I should get. \r\nJacob: Ha, wouldn't it be better if you asked Lily or Heather for that?\r\nAbigail: No no, I need a man's opinion for this one. \r\nAbigail: Lily and Heather were useless.\r\nJacob:\ud83d\ude05\ud83d\ude05\ud83d\ude05\r\nJacob: Well, I am not sure I will be of greater use, but sure go ahead. \r\nAbigail: Alright, I am just gonna send you a few pics, and just let me know which one you think would look the best on me. \r\nJacob: ok \ud83d\ude05\r\nAbigail: \r\nAbigail: \r\nAbigail: \r\nAbigail: \r\nJacob: Dang, that's a lot of options. I'm a little overwhelmed \ud83d\ude05\r\nJacob: Ok well I think the first one is a no for sure. \r\nJacob: I don't like the color, I don't think it would suit you. \r\nAbigail: Alright, that one wasn't my favorite anyway. \r\nAbigail: What do you think of the last one?\r\nJacob: I mean, it's ok. Nothing special \ud83d\ude05\r\nAbigail: Really?! Well. I think it's nice. \r\nJacob: Haa, so you obviously like that one the best. I don't know why you are asking other people for opinions then. \r\nAbigail: Ah!! You're the worst. \r\nAbigail: hahah but I think you're right. \r\nAbigail: Alright, thanks for the help \r\nJacob: Yeah, no problem \ud83d\ude05\n---\nSummary:\n","role":"user"},{"content":"Abigail needs Jacob's opinion on which haircut she should get. Abigail will go for the last one.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nEnzo: dude you up?\r\nSimon: im surprised your up at this hour\r\nEnzo: yeah im not feeling well\r\nSimon: hey whats up\r\nEnzo: asthma attacks\r\nSimon: shit. how bad is it, let me take you to the medical room\r\nEnzo: its bad, i cant go\r\nSimon: okay let me bring some medicine for you\r\nEnzo: that would be really helpful\r\nSimon: do you have your inhaler\r\nEnzo: no i dont\r\nSimon: ill bring it to you\r\nEnzo: Salbutamol\r\nSimon: Salbutamol, got it!! ill be right back\r\nEnzo: thanks man\r\nSimon: hey no problem\n---\nSummary:\n","role":"user"},{"content":"Enzo is having bad asthma attacks. Simon will bring the Salbutamol inhaler for Enzo.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nGrace: Did you get a damage waiver?\r\nPhil: Nooooo...\r\nGrace: Then you have to pay for all of that!\r\nPhil: Ugh.\n---\nSummary:\n","role":"user"},{"content":"Phil didn't get a damage waiver, so he'll have to pay for all of that.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nLib: Thank you for the flowers, they are amazing!\r\nLiz: You are welcome! \r\nLib: So good to see you at the weekend we should stay in touch\r\nLiz: Yes, definitely\r\nLib: and let's hope that next time we meet, it will be a happier occasion\r\nLiz: Yes I am sure it will be!\r\nLib: Let me know next time you are coming to London\r\nLiz: Yes I will\r\nLib: Thank you for the photo too, it means a lot to me\r\nLiz: You are welcome. My dad used to keep it in his study, but when he died I wanted to give it back to your mum.\r\nLib: She would have loved it!\r\nLiz: I still can't believe she's not here...\r\nLib: I know, it's terrible isn't it.\r\nLiz: Yes I miss her so much\r\nLib: Me too!\r\nLiz: She was a great person. I will stay in touch and try to meet up next time I am in London.\r\nLib: Thank you for everything\n---\nSummary:\n","role":"user"},{"content":"Lib came to London. She brought a meaningful photo with her that was in her father's possession before he passed away. She wants to keep in touch with Liz after her departure.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nPam: Have you seen my hairdryer?\r\nPam: I can't find it anywhere.\r\nLisa: Oh, damn, I forgot to tell you...\r\nLisa: It has broken down this morning\r\nLisa: So I called Chris and he told me to bring it to him and he'll cast an eye over it\r\nPam: For fuck's sake!\r\nPam: What am I supposed to do now?! Shit!\r\nLisa: I'm really sorry, but it's nobody's fault\r\nLisa: It's called perversity of inanimate objects, nothing more\r\nPam: Fuckin' bad luck\n---\nSummary:\n","role":"user"},{"content":"Pam's hairdryer broke and Lisa gave it to Chris to fix it.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nLiz: yoooo i saw the cutest movie yesterday <3\r\nLiz: dumplin' \r\nCarolina: what?!\r\nLiz: the new netflix film with Jennifer Aniston\r\nCarolina: oh haha i thought you were calling ME dumplin'\r\nLiz: loooool new nickname!\r\nCarolina: X-D don't you dare!!\r\nLiz: :-P\r\nCarolina: so I guess it's good?\r\nLiz: yeah, it was light and sweet, perfect for a lazy night in\r\nLiz: and the soundtrack is all Dolly Parton\r\nCarolina: Jolene, Jolene, Jolene, Joleeeeeeeeeeene\r\nLiz: :-D\r\nCarolina: I'm so watching it tonight\n---\nSummary:\n","role":"user"},{"content":"Liz saw the movie \"Dumplin'\"and recommends it to Carolina. The soundtrack to the movie consists exclusively of Dolly Parton songs. Carolina is going to watch the movie tonight.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nNick: Is the restaurant open already?\r\nManager: It is, would you like to book a table?\r\nNick: Yes, please. Table for 2 at 1 pm today.\r\nManager: Certainly, done.\r\nNick: Thank you, see you there.\r\nManager: See you at 1 pm, sir.\n---\nSummary:\n","role":"user"},{"content":"Nick has reserved a table for two at 1 pm today.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nReggie: Hi Rob, you ok, man?\r\nRob: Wow, Reggie! Two messages in 2 months, lot for you!\r\nReggie: Yeah! Anyway, remember we talked about that drink a while ago, well I'm back home his weekend, Dad's 60th on Sunday, big family do, you know. Showing me off to everyone, know what my old man's like!\r\nRob: Yeah, love Reginald! He still at the factory?\r\nReggie: Yeah, hoping to finish there soon. Mum's at school still, she'll never leave!\r\nRob: Yeah, weird your mum teaching us, God it must be about 25 years ago. Mrs Wright's reception class!\r\nReggie: My God, yes, it was even weirder for me, I had to call her Miss or Mrs Wright, not Mum. I always forgot!\r\nRob: We were naughty little buggers then! \r\nReggie: I think I played up cos I didn't like mum giving the other kids attention!\r\nRob: Anyway, about meeting up. How about we go and watch the footie in the pub on Saturday?\r\nReggie: Sounds ace! Cherie be there?\r\nRob: Nah, not her thing! Just like old times, eh?\r\nReggie: Yeah, sounds good. It'll keep me going through a grim week in Work!\r\nRob: Thought you were fighting off gorgeous women 24\/7!\r\nReggie: As if! I've had 1 hook up in 6 months, man! Girl from work. Not exactly living like a monk but almost!\r\nRob: Well, keep looking, you're quite a catch. Cherie always says so, anyway!\r\nReggie: Lovely girl, Cherie! See you on Sat, buddy!\r\nRob: See ya!\n---\nSummary:\n","role":"user"},{"content":"Reggie is coming home this weekend, because it's his Dad's 60th birthday on Sunday. His father is working at a factory, and his mother is a teacher. She used to teach Reggie and Rob about 25 years ago. Rob and Reggie will go and watch football in the pub on Saturday.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMarilyn: we can meet at my place to do this project\r\nMarilyn: my roommates are going away for the weekend\r\nApril: seems okay with me\r\nJack: i agree but we have to order some pizza, i am not doing this hungry\r\nApril: hahaha Jack you are always hungry :D\r\nApril: but that's actually a cool idea\r\nPauline: mmm ye i guess but to be honest i have never been to your place haha\r\nPauline: where do you live? :D\r\nMarilyn: just across the street from April\r\nMarilyn: i guess you know where she lives?\r\nPauline: yeah i do :D then it's really close, cool!\r\nJack: it's not that i am always hungry, pizza is just my motivator haha\n---\nSummary:\n","role":"user"},{"content":"Marilyn, April, Jack and Pauline will meet at Marylin's place to work on a project. They are going to order pizza. Marilyn lives across the street from April.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nBartek: Did you know that Vikings are coming back at the end of Nov?\r\nFilip: You serious?\r\nBartek: Yeah, their fanpage on FB says so\r\nBartek: Can't wait, I've been dying to see the next episodes\r\nFilip: Maan for me it felt like a minute\r\nFilip: Time's going so fast lately...\r\nFilip: The older I am the faster the live seems to be slipping away\r\nBartek: You're too busy, need to chill a little, bro :)\r\nFilip: I got no time not to be busy :D Work's filling every spare moment of my life\r\nFilip: But I'm sure I'll find some time for the Vikings! Thanks for reminding me\r\nBartek: Good for you!\n---\nSummary:\n","role":"user"},{"content":"New episodes of the Vikings will be aired at the end of November. Filip and Bartek can't wait.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMargaret: Have you heard what May just said?\r\nEmma: What?\r\nMargaret: that the Brexit talks are in the endgame.\r\nEmma: God, I really didn't expect it to happen after all.\r\nMargaret: Me neither. I hoped there would be another referendum.\r\nEmma: Me too.\r\nMargaret: I still think they should organise it when the deal is ready.\r\nEmma: This is our last hope.\r\nMargaret: But all the bad consequences of Brexit are already too visible.\r\nEmma: I am only not sure that all those stupid voters understand it. They just think the UK is amazing, no matter what.\r\nMargaret: This country hasn't noticed yet it's not an empire any more.\r\nEmma: But when it wakes up, the hangover will be immense. Sidelined, ignored, powerless, lacking allies.\r\nMargaret: True. Maybe even falling apart.\r\nEmma: I still have completely no idea how they're gonna solve the Irish border problem.\r\nMargaret: I don't think there is a satisfactory solution to that. There will be victims to it.\r\nEmma: I think the Unionists may get mad.\r\nMargaret: Or the Republic.\r\nEmma: Probably they will keep the NI in the customs union with the Republic.\r\nMargaret: But it would actually mean a split with the rest of the UK.\r\nEmma: possibly. That's my presumption.\r\nMargaret: Let's talk in person, we haven't had a coffee for a while.\r\nEmma: Just come over, I am home, doing bullshit.\r\nMargaret: ok, I'll be in 15 min\n---\nSummary:\n","role":"user"},{"content":"Margaret is coming over to Margaret's to discuss current British political events.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nLouise: I don't feel like running today\r\nBrett: oh that's sth new. anything wrng?\r\nLouise: it's the weather i guess\r\nBrett: i know, pretty gloomy ain't it\r\nLouise: if i don;t go, are you going alone?\r\nBrett: i guess i'm fine with that. don't worry about it\r\nLouise: I'm sorry it's just not my day sorry\r\nBrett: it's ok Louie. i get it\r\nLouise: so let me know how it goes\r\nBrett: you can follow me online you know\r\nLouise: i won;t be at home i guess\r\nBrett: w8 a mo, so your're going out?\r\nLouise: yeah kind of\r\nBrett: i guess i dunno what's your up to. bye 4 now\n---\nSummary:\n","role":"user"},{"content":"Louise isn't going running with Brett today due to bad weather and because she's going out.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nSarah: I can't find the address\r\nThomas: Turn left after the small pub\r\nThomas: then first door to the right\r\nSarah: Thx\r\nJoseph: Now I know as well, haha, thx!\n---\nSummary:\n","role":"user"},{"content":"Sarah and Joseph do not know where to go. Thomas gives them directions.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMiriam: Could you bring some booze?\nJoseph: sure, I have bier\nStephanie: So I'll take some wine\nMiriam: perfect!\n---\nSummary:\n","role":"user"},{"content":"Joseph will bring some beer and Stephanie will bring some wine.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJulia: karaoke on friday night?\r\nAva: call!\r\nAva: what about the rest?\r\nJulia: I'l tell them\r\nJulia: maybe someone else will come\r\nAva: ok, I'll make a reservation\r\nJulia: great, thx :)\n---\nSummary:\n","role":"user"},{"content":"Julia and Ava will go for karaoke Friday night. Julia will tell the rest and Ava will make a reservation.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nChloe: Did you just see, how Ethan was staring at me during the presentation?\r\nDaniel: I didnt notice anything :O\r\nChloe: I will tell u everything tomorrow in break :\/\n---\nSummary:\n","role":"user"},{"content":"Daniel did not notice whether Ethan was staring at Chloe during the presentation.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nPaul: I'm on board.\r\nAnne: ok, honey, have a safe flight! <3\r\nPaul: Thank you :*\r\nAnne: give me a call when you land.\r\nPaul: I will. Love you.\n---\nSummary:\n","role":"user"},{"content":"Anne will phone Paul when her plane touches down.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nLauren: Have you seen the magnolias in the courtyard?\nWendy: What about them?\nLauren: they don't seem well this year\nGraham: I've noticed\nMark: why?\nLauren: i think they should be blossoming now\nLauren: but the are not\nGraham: I think the buds froze in early May\nGraham: when the temperature fell\nLauren: can be\nWendy: what a pity\nLauren: let's wait a bit more, we will see\nWendy: let's hope they are fine\n---\nSummary:\n","role":"user"},{"content":"Lauren and Graham noticed the magnolias in the courtyard are not blossoming. There was a temperature fell in early May that could have damaged the buds.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJudy: do you go to the party?\r\nClaudia: party?\r\nJudy: Anna invited everyone\r\nClaudia: everyone except me\r\nJudy: come on, she missed you but she would like you to come\r\nClaudia: i dont go to a party i wasnt invited to\r\nJudy: ok i understand\n---\nSummary:\n","role":"user"},{"content":"Anna invited everyone to the party apart from Claudia. Judy tells Claudia to come, but she refuses because she hasn't been invited. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMonica: Hi! I'm going to the zoo with the little ones, are you home?\nAdam: Adam here, Tessa left her phone at home, she's at her mother's\nVictoria: Brilliant idea, my dear! I'll happily join you!\nMonica: Adam, is everything all right? Is Tessa's mum ill?\nAdam: Nothing serious I believe, she's feeling a bit under the weather so Tessa decided to help her out a bit, I'm stuck at home with the kids\nMonica: If she needs any help, I'm happy to help.\nMonica: I was thinking to go around noon, after lunch?\nVictoria: Fine for me, meet you at the entrance!\n---\nSummary:\n","role":"user"},{"content":"Monica will take the kids to the zoo around noon, after lunch. Victoria will meet them at the entrance. Tessa is at her mum's and Adam is stuck with the kids. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nRob: have you sorted out the bromley job?\r\nJenny: yes I have posted the form this morning\r\nRob: did you include the plans\r\nJenny: yes and the ones from their last job they needed\r\nRob: good can I leave you with sorting the Newcastle and Sheffield ones this afternoon?\r\nJenny: yes but I need to leave by 4 remember the docs appt\r\nRob: yes no problem that will be fine\r\nJenny: did you speak to lousie about coming over to join us on Wednesday for the training?\r\nRob: no can you get hold of her today?\r\nJenny: yes does she need to bring phil or he already coming over?\r\nRob: i'm pretty sure that he is coming anyway but get her to remind him.. it may be best they both come together less cars\r\nJenny: I will put that to her she may not want to drive alone\r\nRob: she may not want to drive with phil lol\n---\nSummary:\n","role":"user"},{"content":"Jenny has posted the form for Bromley this morning, including the plans for this job and for the previous one. Jenny will take care of Newcastle and Sheffield assignments this afternoon. Today she will leave work at 4. Jenny will make sure Louise and Phil are coming to the training on Wednesday.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nDaisy: Do you think this dress looks like a bathrobe?\r\nLogan: No! Why?\r\nDaisy: Well, it's plaid and belted. Thought maybe it was giving a bathrobe vibe!\r\nLogan: Not for me. I think it looks nice.\r\nDaisy: Thanks! That's not why I was asking...\r\nLogan: I know, but it does look nice.\r\nDaisy: Thanks! Blush!\n---\nSummary:\n","role":"user"},{"content":"Logan likes Daisy's dress and doesn't think it looks like a bathrobe.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nBarb: hey emma i need your help!! \r\nBarb: i was supposed to host my sister's baby shower \r\nBarb: but i haven't prepared anything! :\u2011[\r\nEmma: why?\r\nBarb: i've been so busy at work\r\nBarb: i haven't had a chance to even get a venue\r\nBarb: can you help me, please?!?!?!\r\nBarb: i'm desperate!!!!!!!!!!!!!\r\nEmma: of course! i love your sister <3\r\nEmma: we can do it at my house\r\nEmma: is next wednesday ok?\r\nBarb: THAT'S PERFECT!!!\r\nEmma: i can tell my friend Diana to cater for us\r\nEmma: she makes great finger foods and desserts \u0298\u203f\u0298\r\nBarb: YES! YOU'RE INCREDIBLE!!!\r\nEmma: i can also organize some games :-D\r\nEmma: put up some decorations :-D\r\nEmma: put together some party favors :-D\r\nBarb: YOU ARE A LIFE SAVER!!!!\r\nBarb: i really don't know how to repay you <3 <3 <3\r\nEmma: don't worry about it\r\nEmma: that's what friends are for\n---\nSummary:\n","role":"user"},{"content":"Barb has to organize her sister's baby shower, but she hasn't prepared anything. Emma is going to help Barb. Emma will organize catering, games and decorations.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJames: Are you free to do my home work\r\nJuliet: Nope\r\nJames: I would ask Lilly then\n---\nSummary:\n","role":"user"},{"content":"Juliet isn't free to do James' homework, so he'll ask Lilly. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMadeleine: hey\r\nRobbie: hi \r\nMadeleine: would you like to go with me to a library?\r\nRobbie: sure \r\nRobbie: :)\r\nMadeleine: so see you \r\nRobbie: see you \n---\nSummary:\n","role":"user"},{"content":"Robbie will go to a library with Madeleine.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nIan: Ready for my flight! 4 am!!! coffee urgently needed!\r\nAnna: Have a safe flight!\r\nOliver: enjoy your trip! x\r\nAlan: safe journey!\r\nKelly: keep us updated! xxx\n---\nSummary:\n","role":"user"},{"content":"Ian is ready for his early morning flight. Anna, Oliver, Alan and Kelly all hope it's going to be fine.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJayleen: I'm dyeing my hair\r\nAugust: What colour?\r\nJayleen: I'm staying with my blonde. I had to refresh my colour\r\nAugust: Ok\r\nJayleen: I haven't dyed my hair for around 9 months xd\n---\nSummary:\n","role":"user"},{"content":"Jayleen is dyeing her hair blonde for the first time in 9 months.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJosh: You're a nutter!!!\nJosh: I could never do things like that\nPaul: Wouldn't you ever do the bungee jumping or skydiving? C'mon that's not so scary :)\nJosh: hahahah\nJosh: Nope, I wouldn't do that :)\nPaul: The next time you're coming with me!\nJosh: No way, mate\n---\nSummary:\n","role":"user"},{"content":"Paul didn't convince Josh to go bungee jumping or skydiving with him next time.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nRihanna: wanna go to Beyonce concert with me?\r\nRihanna: National Stadium, 1 July\r\nKylie: I'd love to! \r\nKylie: how much are the tix?\r\nRihanna: 300-400 pln...\r\nBelinda: oh, thats quite a lot!\r\nKylie: really expensive!\r\nKylie: :\/\r\nRihanna: yeah, I know\r\nRihanna: but you know, its Beyonce... ;)\r\nKylie: I understand\r\nKylie: shes a superstar\r\nKylie: I need to think about it\r\nBelinda: sorry, but I dont think I'll go\r\nBelinda: Im broke :\/\r\nRihanna: I see :\/\n---\nSummary:\n","role":"user"},{"content":"Rihanna invites Kylie and Belinda to go to a Beyonce concert with her. Kylie will think about it. Belinda won't go as the tickets are too expensive.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nEmily: I will be late, forgot my notes\r\nJulie: no worries. save you a sit?\r\nEmily: thanks!\n---\nSummary:\n","role":"user"},{"content":"Emily will be late, as she forgot her notes. Julie will save Emily a seat.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nIan: i'm so indecisive and i think you can help me\r\nEvan: let's see\r\nIan: i'm going to a party tomorrow, i have to look my best, i have to look sharp\r\nEvan: ok...\r\nIan: i was thinking about wearing a sweater\r\nEvan: that's always a good option, it's a classic\r\nIan: should i wear a white or a black one\r\nEvan: what color are your trousers?\r\nIan: brown\r\nEvan: you could wear both, but i think the black sweater would look better\r\nIan: you think so?\r\nEvan: yes! and stop overthinking\r\nIan: ok, brown trousers and black sweater it is\r\nEvan: have fun tomorrow and let me know how it goes\r\nIan: i will. thanks for your help!\n---\nSummary:\n","role":"user"},{"content":"Ian is going to wear brown trousers and a black sweater at the party tomorrow. Ian will let Evan know how it goes.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nLara: Everything okay?\r\nTom: Yeah, sorry it\u2019s taking so long. The line is terrible\r\nLara: How much more time?\r\nTom: Something like 20 minutes\r\nLara: Okey dokey\n---\nSummary:\n","role":"user"},{"content":"Tom is standing in line. It will take him 20 minutes. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nHarper: Hey everyone, is everyone in town this weekend? I have to take advantage of my last few days of unemployment and organize something :D\r\nElla: Do you have an idea?\r\nHarper: I do, CURLING :D\r\nElla: Wow :)\r\nAiden: They opened the rink?\r\nHarper: Yep. And we need 4-8 people for it, will have a trainer and play against each other :)\r\nAiden: I am 100% up for it, I always wanted to try that sport :P\r\nHarper: The rest of you? :P\r\nScarlett: Why not :)\r\nHenry: But is it done on skates or?\r\nHarper: I have no idea, I will check\r\nAiden: It shouldn't be, the professionals are usually in some shoes\r\nHarper: It says that shoes are ok :)\r\nHenry: So let's go haha\n---\nSummary:\n","role":"user"},{"content":"Harper, Ell, Aiden and Scarlett are going to try curling this weekend. They need 4-8 people for it, will have a trainer and will play against each other. Ice skates are not necessary.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nOlia: Hello guys :) is someone going to the lecture today?\r\nAndrew: I am\r\nOlia: Could you see what about our presentation topic?\r\nAndrew: I booked it already, Coca-Cola's acquisition of Costa Coffee\r\nAndrew: And also, next week will be revision. In two exam :(\r\nAgnieszka: Ehhhh, you bring good and bad news :p\r\nAndrew: What can I do, such is life :)\r\nOlia: But great news with the reserved presentation, thanks!\n---\nSummary:\n","role":"user"},{"content":"Andrew is going to the lecture today. Olia, Andrew and Agnieszka will take an exam in two weeks.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nBarb: I need a new jacket. like a formal one.\r\nGina: oookay. why?\r\nBarb: got this presentation next week and I'e worn a jacket like two years ago. \r\nGina: you mean like 10 kilos ago?\r\nBarb: exactly...\r\nGina: I'd look ay Ulla Popken. They have quite nice stuff 44+\r\nBarb: that's where you bought those slacks last month, right?\r\nGina: exactly. I bought them online, though\r\nBarb: would be afraid to buy a jacket online. I need to see the fit...\r\nGina: I thought so, but they have a store at Mercado, y'know\r\nBarb: they do?\r\nGina: yup, and there's also bon-prix there. And C&A - like the places that might have stuff for your size\r\nBarb: I do have some stuff from C&A that fit quite well. How about the quality?\r\nGina: Ulla Popken - outstanding, others not so. \r\nGina: Question is - are you buying a jacket for the next 10 years or to wear comfortably for the next year or so... who knows if it'll fit next autumn\r\nBarb: I was planning to lose loads of weight untill next summer...\r\nGina: and those are quite affordable, too. maybe not cheap, but doable.\r\nBarb: okay. Mercado it is. \n---\nSummary:\n","role":"user"},{"content":"Barb needs a new jacket for a presentation. Gina suggests looking at Ulla Popken, where she bought some slacks recently. Barb doesn't want to buy a jacket online. Gina says Barb can buy it at Mercado.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJohn: Any jobs going at your place at the moment?\r\nDavid: No, not at the moment but there might be some coming up next year.\r\nJohn: Just left my job so I really need to find something rather quickly.\r\nDavid: It's a bad time of the year with Christmas and New Year and all that.\r\nJohn: Yes I know. Nothing much happens until about mid January. That's why I'm asking around.\r\nDavid: If I hear of anything I'll let you know.\r\nJohn: Thanks. Keep me posted.\r\nDavid: I shall.\n---\nSummary:\n","role":"user"},{"content":"John has just left his job. John needs to find a new job quickly. David is not looking for new workers. David thinks Christmas and New Year is a bad time to look for a job. David will inform John if he hears about a job offer. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nLuis: I wish you a good weekend, I hope you get some well deserved rest!\r\nGaby: Thank you! And to you too!!\r\nLuis: \r\nGaby: It was a tough week \ud83d\ude2d\r\nGaby: Nice!! \ud83d\ude1c\r\nLuis: Enjoy! \ud83d\ude0e\n---\nSummary:\n","role":"user"},{"content":"Gaby had a busy week.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMax: I'm so sorry Lucas. I don't know what got into me.\r\nLucas: .......\r\nLucas: I don't know either.\r\nMason: that was really fucked up Max\r\nMax: I know. I'm so sorry :(.\r\nLucas: I don't know, man.\r\nMason: what were you thinking??\r\nMax: I wasn't.\r\nMason: yea\r\nMax: Can we please meet and talk this through? Please.\r\nLucas: Ok. I'll think about it and let you know.\r\nMax: Thanks...\n---\nSummary:\n","role":"user"},{"content":"Max wants to talk through the embarrassing he did with Lucas and Mason.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nDonatella: which milk do you want?\nDonatella: \nVanessa: the cheapiest fat one ;p\nCam: I want vegan milk in glass\nDonatella: \nVanessa: haha\n---\nSummary:\n","role":"user"},{"content":"Donatella will buy cheap fat milk for Vanessa and vegan milk in glass for Cam.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nNathan: Hi babes!\r\nKirsty: Hi Nathan, how's it going?\r\nNathan: Working in the Post Office this week, sorting stuff, it's bloody hard work!\r\nKirsty: Well done, I couldn't be arsed with that after all that school work.\r\nNathan: It's a bit more laid back in college, we do have a project for after the hols, though, photography.\r\nKirsty: Oh yeah? What's the topic?\r\nNathan: It's called Home for the Holidays.\r\nKirsty: Bit obvious, isn't it? What you doing on it?\r\nNathan: I'm taking some photos of my gran and Gramps, they have been in a nursing home, but we are having them for 3 days at Christmas.\r\nKirsty: Oh, that's sweet.\r\nNathan: Well yes, but they are both bad tempered old buggers, they are mostly going to be sat scowling in a chair, watching TV.\r\nKirsty: Oh well, perhaps you can vary it a bit and take them out somewhere. \r\nNathan: Good idea, but obviously not to their old house, it's being sold and they don't know it yet.\r\nKirsty: Oh, that's so sad. \r\nNathan: Fancy coming to the shop with me, we could go get a burger?\r\nKirsty: Yeah, loved your idea of \"burgers\" last time\ud83d\ude36\r\nNathan: Is that a yes?\r\nKirsty: Yes! See you at the shop in 10!\r\nNathan: \ud83d\ude19\n---\nSummary:\n","role":"user"},{"content":"Nathan has a sorting job in the post office this week. After Christmas, he will have a project 'Home for the Holidays', which will include taking photos of his grandparents. They are in the nursing home and their house is being sold. Nathan and Kirsty will meet at the shop at 10 to have burgers. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nPatrick: Dad I have a favor to ask\r\nJimmy: shoot kiddo\r\nPatrick: could I please please borrow your car?\r\nPatrick: before you say no\r\nJimmy: no\r\nPatrick: BEFORE you say know\r\nPatrick: remember that my grades have been very good lately and I am helping Meryl every day with her homework\r\nJimmy: I'm listening\r\nPatrick: and I really really want to impress this one girl\r\nJimmy: she hot?\r\nPatrick: what?\r\nJimmy: joking. only if you don't speed and get home before 10\r\nPatrick: thank you thank you thank you!\n---\nSummary:\n","role":"user"},{"content":"Patrick's grades have been good lately. Patrick helps Meryl with her homework every day. Patrick wants to impress a girl. Jimmy will lend Patrick his car on the condition that he doesn't speed and is back home before 10.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nElisabeth: This is scary. Bolsonaro won in Brazil!\r\nRichard: I know, unbelievable. \r\nElisabeth: What is going on with this world?\r\nRichard: Apparently, we're going mad. Almost everybody, almost everywhere.\r\nElisabeth: Just like in the 1930s.\r\nRichard: I didn't want to say that, but I'm afraid you're right.\r\nElisabeth: Trump, Putin, Orban, Kaczynski, Erdogan... Ugly nationalists are in charge again.\r\nRichard: White, rich men...\r\nElisabeth: But who and why votes for them.\r\nRichard: You're not the only one asking now.\r\nElisabeth: Maybe we should do something. Join a party, start a movement? We should not just sit and watch the world collapsing.\r\nRichard: We shouldn't. But I think we need an international movement. Something that would exist and function transnationally, at least in Europe.\r\nElisabeth: That would be beautiful. Something that would not preach nation but humanity and brotherhood.\r\nRichard: And make all people read \"Imagined community\" by Anderson. We have to deconstruct the nation and move beyond it. And most of all, invest in education. Otherwise there will be a new war.\r\nElisabeth: We're heading there already! \r\nRichard: oh yes, inevitably :(\n---\nSummary:\n","role":"user"},{"content":"Richard and Elisabeth are worried by the current rise of nationalist movements.They draw a parallel between the current situation and the 1930s. They ponder on the need for an international movement that would unify people of different nationalities. Otherwise - they fear - there will be war.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nAlex: \r\nMary: what the hell is that?\r\nAlex: I know right? my bosses new lamp\r\nMary: That is one ugly lamp\r\nAlex: it's so her style\r\nMary: gees I know I saw her on TV\r\nAlex: When? what did you think?\r\nMary: Sunday on the news Her make up was soooo horrible\r\nAlex: What exactly?\r\nMary: well her eyebrows werent done, her hair os off... in general a mess\r\nAlex: how is her hair off?\r\nMary: you never should dye you hair that color with that skin tone\r\nAlex: so what color should it be\r\nMary: it can be blond just a much cooler tone \n---\nSummary:\n","role":"user"},{"content":"Alex dislikes his boss' new lamp and finds her style ugly. Mary saw Alex's boss on TV and she criticizes her make up as well as her hair color.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nDaniel: Have you heard the news?\r\nDavid: what's up?\r\nGeorge: no, new bitches in town?\r\nDaniel: omg no\r\nDaniel: dr Haller died, i've seen a death notice on the front door to our uni\r\nDavid: no kidding, he was like 50 or so?\r\nGeorge: but he was very fit, he has been riding his bike for his whole life\r\nDaniel: I can't believe he is dead, we should go to his funeral\r\nDaniel: here is the picture of the death notice\r\nDavid: I will be there for sure\r\nGeorge: me too, I admired him very much\n---\nSummary:\n","role":"user"},{"content":"Dr Haller died. There's a death notice on the front door of the university. George, Daniel and David will go to dr Haller's funeral.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMichelle: hello Sara, how are you doing?\nSarah: I am good, how about you?\nMichelle: good thanks \ud83d\ude42\nMichelle: I am organizing a photo-shoot next week to prepare my portfolio as a personal shopper, and would love if you could participate.\nSarah: yes totally! give me the deets\nMichelle: oh thanks! \ud83d\ude4c\nMichelle: so, I have booked a photographer and a location in a beautiful private hotel\nSarah: fancy \ud83d\ude01\nMichelle: lol yeah, it really costs an arm and a leg, but it is worth it.\nSarah: for sure.\nMichelle: we will meet on Wednesday at around 4, is that OK for you?\nSarah: hum that can work, I will just have to rearrange my schedule for my deliveries. But we can work it out.\nMichelle: thank you, I really appreciate it. Can you give me your size in shoes and shoes?\nSarah: yeah, I wear M \/ 38. and size 38 in shoes.\nMichelle: perfect, so let me know if you have any questions! can't wait\ud83d\ude18\nSarah: can't wait too! been a long time since I have done a photo shoot.\n---\nSummary:\n","role":"user"},{"content":"Sarah will take part in a photo-shoot next week. Michelle is organizing it to prepare her portfolio as a personal shopper. Michelle booked a photographer and a location in a beautiful private hotel. Michelle and Sarah will meet on Wednesday at around 4 p.m. Sarah wears size M and shoes in size 38.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nKyle: can you cover me at work? \r\nJohn: what time and day?\r\nKyle: Friday from 10-3\r\nJohn: yeah shouldn't be a problem let me check\r\nKyle: ok great thanks\r\nJohn: yeah its fine I have class at 4 but its close so its all good\r\nKyle: awesome thanks so much again\n---\nSummary:\n","role":"user"},{"content":"John can cover Kyle at work on Friday from 10-3. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nElena: Hi! What's up?\r\nAnn: Nothing much, I'm working.\r\nElena: Oh, I see. When will you be free?\r\nAnn: I'm off at 5. Wanna grab some coffee?\r\nElena: Yeah, it's been ages, I have to talk to you.\r\nAnn: Great, is everything OK?\r\nElena: Yeah, it's just Robert, he's acting weird.\r\nAnn: Again? I thought you guys figured everything out.\r\nElena: I thought so too... But he keeps getting these \"thoughts\", you know. About the future and stuff and he acts weirder than normal.\r\nAnn: Yeah, he's always been like that, right? Getting worked up over nothing. \r\nElena: That's the thing. He gets mad over some things he made up in his mind and he blames me for it!\r\nAnn: You have to be patient, you know what he went through last year.\r\nElena: I know, but I stood by him, every step of the way. And he acts as if I didn't understand.\r\nAnn: Honey, I'm sure it will all get better, we'll talk it through this afternoon, but I really need to get back to work, sorry.\r\nElena: Sure thing, sorry I kept you.\r\nAnn: Don't mention it, it's just my boss is looking. \r\nElena: LOL, tell him you're counseling your crazy friend.\r\nAnn: I'm not sure it's the best way to suck up to your boss xD\r\nElena: haha, I figure it's not. See you!\n---\nSummary:\n","role":"user"},{"content":"Ann and Elena arrange meeting for a coffee around 5, after Anna has finished work. Elena would like to talk about Robert, as he's acting weird, having 'thoughts' about the future and blaming her for some things he made up. She needs to be very patient with him. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nSammy Brown: Dear Mrs Woodson, I hope you're doing well. I just thought I'd ask you if you would like a good few pounds of apples from our orchard. We really have got tons this year. All sorts, all very tasty, all organic. I could sort out the best ones for you and bring them to your place today.\r\nMary Woodson: Thank you Ms Brown! Very thoughtful of you. Yes, I'd love to.\r\nSammy Brown: Then I'll prepare for you one basketful of cooking apples and two basketfuls with different sorts of dessert apples. Will it be to your liking?\r\nMary Woodson: Splendid! Thank you. Or maybe the other way round? More cooking apples if it's all right with you? I'd love to make some apple chutney.\r\nSammy Brown: No problem at all. In fact we've got more of cooking apples and they seem to be less popular. I'll be passing your house this afternoon and can bring them to your doorstep. Will it suit you, Mrs Woodson?\r\nMary Woodson: That's absolutely lovely of you, Ms Brown. Thank you very much. We are at home in the afternoon.\r\nSammy Brown: Very well. So see you in the afternoon.\r\nMary Woodson: Thank you and see you!\r\nMary Woodson: Kind regards to your husband from us!\n---\nSummary:\n","role":"user"},{"content":"Sammy Brown is going to bring two basketfuls of cooking apples and one basketful of dessert apples for Mary Woodson in the afternoon.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nClaire: I just got a job offer\r\nTom: wow! that's cool!\r\nTom: what is it?\r\nClaire: It's actually pretty cool, Paid social manager\r\nClaire: they work with cool brands, fashion industry, so something I'm interested in\r\nTom: Sounds amazing! How much do they pay?\r\nClaire: I don't know yet, I haven't asked because it's in Swansea :\/\r\nTom: oh damn\r\nClaire: yeah, my thoughts exactly\r\nTom: so what are you thinking?\r\nClaire: I don't know, I asked the recruiter if they have an opening in London or just a different big city\r\nClaire: I don't want to move to Swansea...\r\nTom: but the job's cool, it sounds perfect for you\r\nClaire: I know :(((\r\nClaire: He said they don't have anything in London, just Swansea\r\nClaire: i don't get why they do this\r\nTom: it's good that they're interested in your profile\r\nClaire: yes, but why no one's from London... I got a lot of offers from Ireland as well\r\nTom: eh, but don't you want to give it a go?\r\nClaire: I was thinking about it, but... no, if I were a fresh graduate then maybe, but now it's kind of pointless\n---\nSummary:\n","role":"user"},{"content":"Claire got a job offer for a Paid social manager. They work with the fashion industry, so it's interesting for Claire. However, it's in Swansea. She would prefer something in London or another big city. She's also getting many offers from Ireland.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nBenjamin: \r\nNathan: what a freak!\r\nBenjamin: my little bro\r\nNathan: wtf?!\n---\nSummary:\n","role":"user"},{"content":"Benjamin sends a video of his little brother.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nKayleigh: Hi babes, how are you?\r\nManda: Bit shit, actually, in lots of pain after the anaesthetic wore off!\r\nKayleigh: Can't wait to see you! \r\nManda: Well, I'm all bruised and bandaged up at the moment, you can't see much!\r\nKayleigh: Well, I'm sure you'll look gorge after the wrapping comes off!\r\nManda: Yes, I'm hoping it's worth all the pain and stuff.\r\nKayleigh: It will be when you get to strut your stuff in low cut tops! Dean's eyes will be popping out of his head!\r\nManda: Yeah, but I'm doing this for me, not him! My boobs were wrecked after the kids.\r\nKayleigh: Your so brave, see you tomorrow?\r\nManda: Yeah, I'd love that! See you at 7ish, Ward DD.\r\nKayleigh: What a coincidence!\r\nManda: Just kidding! It's Ward D! See you babes!\n---\nSummary:\n","role":"user"},{"content":"Manda underwent surgery. She will meet Kayleigh tomorrow at 7.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJoseph: We should collect some money for the insurance\r\nNancy: I really don't think we need another one, everything is insured\r\nDonald: I think we're not safe enough \r\nChuck: I agree with Nancy, we should not pay more for that, it's pointless\r\nDonald: but that was what we decided\r\nChuck: no, Donald, you decided it, I was not even there\r\nNancy: neither was I\r\nJoseph: gosh, what a stalemate\r\nDonald: I'm not going to pay it myself\r\nNancy: so we will function without it, perfect\n---\nSummary:\n","role":"user"},{"content":"Joseph and Donald believe they need another insurance. Nancy and Chuck disagree. Eventually they abandon the idea.","role":"assistant"}]} diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/validation.jsonl b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/validation.jsonl new file mode 100644 index 0000000000..e9cdbbe913 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/validation.jsonl @@ -0,0 +1,21 @@ +{"messages":[{"content":"Summarize this dialog:\nLayla: thanks for dropping me off!!\r\nLayla: i just took a shower and I'm going to bed\r\nLuke: r u feeling better?\r\nLayla: 100%\r\nLuke: ull probably wake up with a headache tomorrow\r\nLayla: i know\r\nLayla: i shouldn\u2019t have drank so much\r\nLayla: but we were having such a great time!!!\r\nLuke: that's fine, you've learned your lesson\r\nLayla: i learned my lessonm, I won\u2019t overdo it next time\r\nLuke: go to sleep and rest\r\nLuke: good night\n---\nSummary:\n","role":"user"},{"content":"Layla is feeling better now and realises she shouldn't have drunk so much. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nHelen: need a new song on karaoke\r\nGrace: ok\r\nHelen: any ideas?\r\nGrace: had sth in mind?\r\nHelen: sth not on high notes :P\r\nGrace: try Sinatra\r\nHelen: that could work\r\nHelen: thx :)\n---\nSummary:\n","role":"user"},{"content":"Helen is going to try to sing Sinatra on karaoke.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nVictoria: Dad, how far are when it comes to mum's birthday party?\r\nJack: I invited everyone from the list, including uncle Marvin\r\nVictoria: That's marvellous! Is everybody coming then?\r\nJack: Therese and Tom are on holidays in Spain, so they won't be able to come\r\nVictoria: They're on holidays again?! I envy them so much!\r\nJack: And Mrs Higgins has just recently had her hip replaced, so she cannot move a lot\r\nVictoria: But that's fine if the others are coming\r\nJack: Yeah, so apart form these 3 everybody should appear at the party\r\nVictoria: Great dad! I have already ordered a birthday cake \r\nJack: From \"Cookie Queen\"?\r\nVictoria: Yeah, from \"Cookie Queen\" with double chocolate layer\r\nJack: Ahh\u2026 She loves that one, thank you :)\r\nVictoria: No problem. Have you thought about other food?\r\nJack: Hmmm\u2026I'm planning to prepare her favourite savoury muffins, lasagne, salad with smoked salmon\r\nVictoria: I'm already hungry when I read this :D I could make some puff pastry treats as well\r\nJack: That sounds good! Make the ones with spinach, they are really tasty :D\r\nVictoria: Okie dokie! What 'bout the present, have you bought anything?\r\nJack: Yes, those golden earrings she liked so much when we were shopping a few weeks ago :D\r\nVictoria: Fantastic dad! It's gonna be a very cool party then! I bet she'll be thrilled!\r\nJack: I hope so! We did good job planning it as well!\r\nVictoria: We've always been a dream team ;)\r\nJack: Totally yes!\r\nVictoria: So speak to you soon dad :*\r\nJack: Indeedy! Hugs!\n---\nSummary:\n","role":"user"},{"content":"Victoria and Jack are throwing a birthday party for mum. They invited the guest and are planning the food.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nCarla: Did you guys watch new Marvel movies?\r\nCara: nope, so NO SPOILERS\r\nKarl: yes I did\r\nKarl: I loved it\r\nCarla: how was it?\r\nCarla: :O\r\nCharles: me too, I think it's overhyped\r\nKarl: it was different I guess, the story isn't focused on heroic stuff but on relationships\r\nCarla: so it's worth going to the cinema?\r\nKarl: it's not sth u have to see on a big screen\r\nCharles: buy Star Wars tickets, that movie requires big screen\r\nCara: if you guys wanna see new Trier movie, count me in!\r\nKarl: Cara, if u like emotional stuff you will enjoy Logan\r\nCharles: Trier makes me super depressed, I won't watch it in winter\r\nCarla: Cara, we'll go together, I read very interesting movie reviews\r\nCara: great!\r\nCara: looks like I have so many movies to catch up\r\nCharles: hurry up if u hate spoilers this much\n---\nSummary:\n","role":"user"},{"content":"Karl and Charles have seen the new Marvel movie. Karl liked it very much, while Charles thinks it's overhyped. Carla and Cara haven't seen it yet, so they're going to go and watch it together. Charles recommends going to the cinema to see \"Star Wars\", Cara \u2014 the new Trier movie, Karl \u2014 \"Logan\".","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nDean: where are you?\r\nDaniel: home\r\nDaniel: why?\r\nDean: cause im waiting for you for 15 minutes?!\r\nDean: we planned to swim a little today\r\nDaniel: oh i have completely forgotten\r\nDaniel: im coming\n---\nSummary:\n","role":"user"},{"content":"Dean and Daniel planned to go for a swim today. Dean has already been waiting for 15 minutes, because Daniel has forgotten about it and is still home.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nEsme: I need you to back me up when I confront Tonya today.\r\nElijah: No way I'm getting in this at all! Leave me out of it!\r\nEsme: But she has to know I'm on to her tricks!\r\nElijah: Find someone else. Please.\n---\nSummary:\n","role":"user"},{"content":"Elijah doesn't want to back Esme up when he confronts Tonya today.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJordan: hey can I come 6pm?\r\nDrew: sure! \r\nJordan: cool :D stay in touch\r\nDrew: even better, have to clean up my room xd\r\nJordan: hahah ok :D\n---\nSummary:\n","role":"user"},{"content":"Jordan will come at 6pm, which will make Drew clean up his room.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMat: he doesn't answer. Shall i go?\r\nChris: yes give a try\r\nMat: ok but i'll have to wait 20 minutes...\r\nChris: doesn't matter. it would be done. Work on your presentation\r\nMat: i don't have it with me... bad luck\n---\nSummary:\n","role":"user"},{"content":"Mat hasn't his presentation with him.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMike: Hello, is it possible to make a reservation for 10 people tonight?\r\nDiana: Hi, of course. What time?\r\nMike: 7\r\nDiana: OK. Please come 10 minutes earlier to confirm the reservation.\r\nMike: Thank you, see you.\r\nDiana: See you.\n---\nSummary:\n","role":"user"},{"content":"Mike made a reservation for 10 people. He will come tonight at 6.50 pm in order to confirm the booking.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJess: When the fuck am I going to stop thinking about him? :\/ \r\nLindsay: I honestly don't know, man. I've been there, believe me.\r\nJess: It's just so fucking exhausting, I wish I could just move on I really do but this asshole is just stuck in my head :( \r\nLindsay: Well... you wanna get drunk or something?\r\nJess: Yeah, every day, but that won't solve anything\r\nLindsay: I know it's cliche but just give it some time\n---\nSummary:\n","role":"user"},{"content":"Jess is frustrated as she can't stop thinking about a certain man.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nGrace: I'm so jealous you're going to Romania!\r\nRegina: Well\u2026 I'm sooooo happy!! :D\r\nGrace: So tell me, what are you going to see there?\r\nRegina: You know it's very bad of me\u2026 But actually Christine has a family there and she organises everything\r\nGrace: Wow, really! I didn't know that!\r\nRegina: Me neither! \r\nGrace: So it means she knows Romania!\r\nRegina: Oh yes, she's been there a few times, she travelled through the region of Transylvania and stayed at her cousins place in Bucharest\r\nGrace: Cool! Are you gonna stay at her place as well?\r\nRegina: Nooo, we're too many, haha xD but she's gonna meet up with us and show us the city\r\nGrace: Niiiiice!!! Very nice!!! \r\nRegina: It's such a shame you didn't get free from work \r\nGrace: Yeah\u2026 but unfortunately it's the hottest time at our company, I knew they won't let me go\r\nRegina: Don't worry, we'll send you a postcard xD\r\nGrace: Hahaha thanks! \r\nRegina: With some very nice view :D \r\nGrace: Haha of course, the best one! And bring me something nice to eat!\r\nRegina: Ofc, we know you love eating\r\nGrace: Especially original food! Thx!\r\nRegina: For sure we'll find something very special for you!\n---\nSummary:\n","role":"user"},{"content":"Regina and Christine are going to Romania. Christine has a family in Romania and has been there several times, so she is organizing the the trip. Grace can't come as she didn't get a leave at work. Regina will send Grace a postcard and bring her something to eat from Romania.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nHarry: what's Peter's deal? ;\/\r\nBen: ?\r\nHarry: he just deleted me from facebook\r\nBen: What? Weird\r\nHarry: i know\r\nBen: have you said something to him?\r\nHarry: no, i don't think so\r\nBen: hm, weird\r\nBen: should I talk to him?\r\nHarry: don't bother, i'll do it tomorrow\r\nHarry: thought he said something to you\r\nBen: he didn't\n---\nSummary:\n","role":"user"},{"content":"Harry has just been deleted from Facebook by Peter, and he doesn't actually know why, so he'll talk to him tomorrow. Ben doesn't know the reason either. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nBojan: Hey you going to Croatia next year? \r\nAleks: idk are we supposed to? \r\nBojan: Ye well we havent been \r\nBojan: We could go see our grandparents\r\nAleks: Urgh idk maybe\r\nAleks: How long is the flight? \r\nBojan: You've never been to Croatia? \r\nAleks: No I was born in Slovenia\r\nAleks: I went there when I was 4\r\nAleks: And seems like a pretty lit place to live\r\nBojan: Oh ye, they're more developed than Croatia for sure\r\nAleks: Why? \r\nBojan: Because Slovenia got out of Yugoslavia earlier than other countries\r\nAleks: I see\r\nAleks: Well but ye my grandparents are in Croatia now\r\nAleks: They came to visit a few years ago\r\nBojan: Lets go there then \r\nAleks: Ye sure\r\nBojan: I think it will take like 5 hours from London \r\nAleks: I will letcha know xd\n---\nSummary:\n","role":"user"},{"content":"Aleks and Bojan may go to Croatia next year, it's a 5-hour flight from London. Aleks's grandparents live there and he is from Slovenia.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nAndrew: Hey Dwayne, I'm painting my room this weekend. Wanna help?\r\nDwayne: Errr\u2026 would there be beer involved?\r\nAndrew: I suppose I could get a couple of suds.\r\nDwayne: Ok, what time you wanna start?\r\nAndrew: After lunch, 12:30?\r\nDwayne: Why don't we go somewhere for lunch together. Have you got the paints yet?\r\nAndrew: I have the colour picked out, but I have to buy them in the morning.\r\nDwayne: So I'll go with you, and then grab a bite to eat and start.\r\nAndrew: Ok, sounds good.\r\nDwayne: What's the colour?\r\nAndrew: Black\r\nDwayne: What??\r\nAndrew: Just kidding! Kind of like an olive green.\r\nDwayne: OK. Do you want me to bring something?\r\nAndrew: No, I'm picking up the paints, rollers and brushes in the morning.\r\nDwayne: I could bring mine.\r\nAndrew: No, don't worry about it. Just be here at 9 on Sat.\r\nDwayne: Ok, bye.\n---\nSummary:\n","role":"user"},{"content":"Dwayne will help Andrew with painting his room on Saturday. Andrew is going to buy the olive green paints, rollers and brushes in the morning.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMaddie: I\u2019m coming! \ud83e\udd84\u2764\r\nAurelia: Maddie, sooo cool that you\u2018re joining! Did you book your flight?\r\nMaddie: Yeah, just booked it. Crazy \ud83d\ude02.\r\nDan: Yes I am also amazed!\r\nDan: Haha nice!!\r\nAurelia: \ud83d\udd25\ud83d\udd25\ud83d\udd25\r\nCaleb: \r\nCaleb: Get that boat stocked Dan \u2705\ud83d\ude09\r\nDan: Bring you own booze\r\nDan: But I can bring a lot of Heineken if you want \ud83d\ude09\r\nDan: And some wine for the ladies\r\nDan: Did you book your flight Caleb?\r\nCaleb: Haha no Heineken, only drinking cuz it\u2019s in the fridge \ud83d\ude2c\r\nCaleb: I will later, shall we book a hostel?\r\nDan: Heineken is OK, not the best beer indeed I must agree\r\nDan: A hostel?\r\nDan: You don\u2019t want to stay in my fancy apartment?!\r\nDan: You guys are welcome at my place\r\nDan: We just need to take cabs because I can\u2019t drink and drive ofc\r\nCaleb: It is not supposed to be a crazy weekend... all the Dutch not drink and drive during these days \ud83d\ude1c\r\nCaleb: Ok cool thanks for the offer \ud83d\udd11\r\nDan: Only cabs on the road \ud83d\ude02\n---\nSummary:\n","role":"user"},{"content":"Maddie has just booked the flight. Dan offers sleepover at his apartment.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nMartha: Have you been to Laura?\r\nIan: Not yet, why?\r\nMartha: I wanted to give you a book for her.\r\nIan: OK.\r\nIan: I'll be in a moment.\r\nMartha: Thx!\r\nMartha: I will pack a few CDs too.\n---\nSummary:\n","role":"user"},{"content":"Ian will bring Laura a book and few CDs from Martha.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nDixie: So to speak, you can work as a freelancer.\nWaytt: When I finish the manuscript, where should i bring it?\nDixie: Nowadays, all the writers send their manuscripts through email. \nWaytt: Ah..Sorry. I didn't know about that. \nDixie: I understand. You hadn't been working for a while after the last novel \"Dance dance\"\nWaytt: I should try to get used to the changed market haha..\n---\nSummary:\n","role":"user"},{"content":"Waytt hasn't worked much after \"Dance dance\" and Dixie is reintroducing him to the business.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nLouis: Have we got any homework for 2moro?\r\nKelly: Yeah. Maths and English.\r\nLouis: What exactly?\r\nKelly: Maths - pages 3 and 4. English - essay.\r\nLouis: Rly? Essay? Topic?\r\nKelly: Yeah. My hobby. \r\nLouis: Isn't it show and tell?\r\nKelly: No. Essay. \r\nLouis: How long?\r\nKelly: 150 words.\r\nLouis: Write it yet?\r\nKelly: Just starting.\r\nLouis: What are you writing about?\r\nKelly: Singing. \r\nLouis: 150 words on singing? Boring!\r\nKelly: I like singing. I want to be a pro someday. :)\r\nLouis: OIC. \r\nKelly: What are you going to write about?\r\nLouis: Video games, ofc!\r\nKelly: That's your hobby?\r\nLouis: Yeah. What's wrong with that?\r\nKelly: Nothin. Just dumb. \r\nLouis: Your singing is dumber.\r\nKelly: Y? I do something creative and you? Push buttons?\r\nLouis: You need skill to play games! \r\nKelly: Anything else? Gotta go.\r\nLouis: Nah. Thanks. CU at school.\r\nKelly: Bye.\n---\nSummary:\n","role":"user"},{"content":"Kelly has maths and English homework for tomorrow. She's writing a 150-word-long essay on her hobby - singing. Louis will write about video games. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJohn: warn the children not to come without their jackets, it might rain\r\nJohn: infact it will rain very soon\r\nLinda: ok\n---\nSummary:\n","role":"user"},{"content":"It's going to rain so Linda must make sure the children wear their jackets.","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nJohn: Ave. Was there any homework for tomorrow?\r\nCassandra: hello :D Of course, as always :D\r\nJohn: What exactly?\r\nCassandra: I'm not sure so I'll check it for you in 20minutes. \r\nJohn: Cool, thanks. Sorry I couldn't be there, but I was busy as fuck...my stupid boss as always was trying to piss me off\r\nCassandra: No problem, what did he do this time?\r\nJohn: Nothing special, just the same as always, treating us like children, commanding to do this and that...\r\nCassandra: sorry to hear that. but why don't you just go to your chief and tell him everything?\r\nJohn: I would, but I don't have any support from others, they are like goddamn pupets and pretend that everything's fine...I'm not gonna fix everything for everyone\r\nCassandra: I understand...Nevertheless, just try to ignore him. I know it might sound ridiculous as fuck, but sometimes there's nothing more you can do.\r\nJohn: yeah I know...maybe some beer this week?\r\nCassandra: Sure, but I got some time after classes only...this week is gonna be busy\r\nJohn: no problem, I can drive you home and we can go to some bar or whatever.\r\nCassandra: cool. ok, I got this homework. it's page 15 ex. 2 and 3, I also asked the others to study another chapter, especially the vocabulary from the very first pages. Just read it.\r\nJohn: gosh...I don't know if I'm smart enough to do it :'D\r\nCassandra: you are, don't worry :P Just circle all the words you don't know and we'll continue on Monday.\r\nJohn: ok...then I'll try my best :D\r\nCassandra: sure, if you will have any questions just either text or call me and I'll help you.\r\nJohn: I hope I won't have to waste your time xD\r\nCassandra: you're not wasting my time, I'm your teacher, I'm here to help. This is what I get money for, also :P\r\nJohn: just kidding :D ok, so i guess we'll stay in touch then\r\nCassandra: sure, have a nice evening :D\r\nJohn: you too, se ya\r\nCassandra: Byeeeee\n---\nSummary:\n","role":"user"},{"content":"John didn't show up for class due to some work issues with his boss. Cassandra, his teacher told him which exercises to do, and which chapter to study. They are going to meet up for a beer sometime this week after class. ","role":"assistant"}]} +{"messages":[{"content":"Summarize this dialog:\nEmily: ok I think I've got the dress\nEmily: I mean it's 75% ready\nEmily: but I'm not sure the fabric will do\nEmily: \nGabriel: why?\nEmily: hmm it looks quite heavy\nEmily: and in fact it is\nGabriel: hm it looks ok to me\nEvan: hm I thought it actually looked quite heavy when you sent the pic last time\nEvan: I mean it looked like comfy-soft, not smart-evening fabric\nEmily: hmmm\nEvan: why don't you make it into a skirt\nEvan: and but sth else for the dress?\nEmily: I don't think i have the money and time for that\nEmily: and I'm not sure if it really looks so bad\nGabriel: looks fine to me\nGabriel: i would leave it as it is\n---\nSummary:\n","role":"user"},{"content":"Emily's evening dress is 75% ready, but she's not sure whether the fabric isn't too heavy. However, she'll probably wear it. ","role":"assistant"}]} \ No newline at end of file From 6c8dcae14efc0a230c825044be1336ff1a6aa5c6 Mon Sep 17 00:00:00 2001 From: Sagar Sumant Date: Mon, 9 Dec 2024 17:39:00 -0800 Subject: [PATCH 3/4] Add CLI samples --- ...chat-completion-finetuning-amlcompute.yaml | 27 ++++++++++++++++ ...-completion-finetuning-instance-types.yaml | 32 +++++++++++++++++++ .../model-as-a-platform/chat/readme.md | 2 ++ .../text-generation/readme.md | 2 ++ ...text-generation-finetuning-amlcompute.yaml | 27 ++++++++++++++++ ...-generation-finetuning-instance-types.yaml | 30 +++++++++++++++++ 6 files changed, 120 insertions(+) create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat-completion-finetuning-amlcompute.yaml create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat-completion-finetuning-instance-types.yaml create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/readme.md create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/readme.md create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text-generation-finetuning-amlcompute.yaml create mode 100644 sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text-generation-finetuning-instance-types.yaml diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat-completion-finetuning-amlcompute.yaml b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat-completion-finetuning-amlcompute.yaml new file mode 100644 index 0000000000..b38f369d59 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat-completion-finetuning-amlcompute.yaml @@ -0,0 +1,27 @@ +type: finetuning + +name: "Phi-3-mini-4k-instruct-with-amlcompute" +experiment_name: "Phi-3-mini-4k-instruct-finetuning-experiment" +display_name: "Phi-3-mini-4k-instruct-display-name" +task: chat_completion +model_provider: custom +model: + path: "azureml://registries/azureml/models/Phi-3-mini-4k-instruct/versions/14" + type: mlflow_model +compute: "lowpri-a100" +training_data: train.jsonl +validation_data: + path: validation.jsonl + type: uri_file +hyperparameters: + num_train_epochs: "1" + per_device_train_batch_size: "1" + learning_rate: "0.00002" +properties: + my_property: "my_value" +tags: + foo_tag: "bar" +outputs: + registered_model: + name: "Phi-3-mini-4k-instruct-finetuned-model" + type: mlflow_model \ No newline at end of file diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat-completion-finetuning-instance-types.yaml b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat-completion-finetuning-instance-types.yaml new file mode 100644 index 0000000000..00c6f42872 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/chat-completion-finetuning-instance-types.yaml @@ -0,0 +1,32 @@ +type: finetuning + +name: "Phi-3-mini-4k-instruct-with-instance-types" +experiment_name: "Phi-3-mini-4k-instruct-finetuning-experiment-instance-types" +display_name: "Phi-3-mini-4k-instruct-display-name" +task: chat_completion +model_provider: custom +model: + path: "azureml://registries/azureml/models/Phi-3-mini-4k-instruct/versions/14" + type: mlflow_model +resources: + instance_types: + # You can specify multiple instance types for the training job + # Backend will decide which instance type to use based on the constraints on training job. + - "Standard_NC96ads_A100_v4" + - "Standard_E4s_v3" +training_data: train.jsonl +validation_data: + path: validation.jsonl + type: uri_file +hyperparameters: + num_train_epochs: "1" + per_device_train_batch_size: "1" + learning_rate: "0.00002" +properties: + my_property: "my_value" +tags: + foo_tag: "bar" +outputs: + registered_model: + name: "Phi-3-mini-4k-instruct-finetuned-model" + type: mlflow_model \ No newline at end of file diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/readme.md b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/readme.md new file mode 100644 index 0000000000..00afca00d4 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/chat/readme.md @@ -0,0 +1,2 @@ +## How to run FineTuningJob using AzureML CLIV2? +[Running FineTuningJob Using AzureML CLIV2](../../finetuning-job-cliv2-readme.md) \ No newline at end of file diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/readme.md b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/readme.md new file mode 100644 index 0000000000..00afca00d4 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/readme.md @@ -0,0 +1,2 @@ +## How to run FineTuningJob using AzureML CLIV2? +[Running FineTuningJob Using AzureML CLIV2](../../finetuning-job-cliv2-readme.md) \ No newline at end of file diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text-generation-finetuning-amlcompute.yaml b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text-generation-finetuning-amlcompute.yaml new file mode 100644 index 0000000000..acd4506074 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text-generation-finetuning-amlcompute.yaml @@ -0,0 +1,27 @@ +type: finetuning + +name: "llama-3-8B-with-compute" +experiment_name: "llama-3-8B-finetuning-experiment" +display_name: "llama3-8B-display-name" +task: text_completion +model_provider: custom +model: + path: "azureml://registries/azureml-meta/models/Meta-Llama-3-8B/versions/8" + type: mlflow_model +compute: "lowpri-a100" +training_data: train.jsonl +validation_data: + path: validation.jsonl + type: uri_file +hyperparameters: + num_train_epochs: "1" + per_device_train_batch_size: "1" + learning_rate: "0.00002" +properties: + my_property: "my_value" +tags: + foo_tag: "bar" +outputs: + registered_model: + name: "llama-3-8B-finetuned-model" + type: mlflow_model \ No newline at end of file diff --git a/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text-generation-finetuning-instance-types.yaml b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text-generation-finetuning-instance-types.yaml new file mode 100644 index 0000000000..8e73bc2430 --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/model-as-a-platform/text-generation/text-generation-finetuning-instance-types.yaml @@ -0,0 +1,30 @@ +type: finetuning + +name: "llama-3-8B-with-instance-types" +experiment_name: "llama-3-8B-finetuning-experiment-instance-types" +display_name: "llama3-8B-display-name" +task: text_completion +model_provider: custom +model: + path: "azureml://registries/azureml-meta/models/Meta-Llama-3-8B/versions/8" + type: mlflow_model +resources: + instance_types: + - "Standard_NC96ads_A100_v4" + - "Standard_E4s_v3" +training_data: train.jsonl +validation_data: + path: validation.jsonl + type: uri_file +hyperparameters: + num_train_epochs: "1" + per_device_train_batch_size: "1" + learning_rate: "0.00002" +properties: + my_property: "my_value" +tags: + foo_tag: "bar" +outputs: + registered_model: + name: "llama-3-8B-finetuned-model" + type: mlflow_model \ No newline at end of file From 703c2938dc91b05fbd4bc84c5f617ddf2ed1ce72 Mon Sep 17 00:00:00 2001 From: Sagar Sumant Date: Mon, 9 Dec 2024 17:42:04 -0800 Subject: [PATCH 4/4] Add missing file --- .../standalone/finetuning-job-cliv2-readme.md | 45 +++++++++++++++++++ 1 file changed, 45 insertions(+) create mode 100644 sdk/python/jobs/finetuning/standalone/finetuning-job-cliv2-readme.md diff --git a/sdk/python/jobs/finetuning/standalone/finetuning-job-cliv2-readme.md b/sdk/python/jobs/finetuning/standalone/finetuning-job-cliv2-readme.md new file mode 100644 index 0000000000..69b84263de --- /dev/null +++ b/sdk/python/jobs/finetuning/standalone/finetuning-job-cliv2-readme.md @@ -0,0 +1,45 @@ +# Running a Fine-Tuning Job from CLI + +This guide provides instructions on how to run a fine-tuning job using the Azure Machine Learning CLI v2. + +## Prerequisites + +1. **Azure CLI**: Ensure you have the Azure CLI installed. If not, you can install it from [here](https://docs.microsoft.com/en-us/cli/azure/install-azure-cli). + +2. **Azure Machine Learning CLI v2**: Install the Azure Machine Learning CLI extension v2. + ```bash + az extension add -n ml -y + ``` + +3. **Azure Subscription**: Ensure you have an active Azure subscription and the necessary permissions to create and manage resources. + +4. **Resource Group and Workspace**: Ensure you have an Azure resource group and an Azure Machine Learning workspace. If not, you can create them using the following commands: + + ```bash + az group create --name --location + az ml workspace create --name --resource-group --location + ``` + +### Running the Fine-Tuning Job +To run the fine-tuning job, use the following command: + +```bash +az ml job create --file text-generation-finetuning-amlcompute.yaml --resource-group hyperdrive-service-static-rg --workspace-name train-finetune-dev-eastus --name "ft-maap-llama3-instance-types-1209-01" +``` + +#### Command Breakdown +* az ml job create: Command to create and run a job in Azure Machine Learning. +* --file text-generation-finetuning-amlcompute.yaml: Specifies the YAML file that defines the job configuration. +* --resource-group hyperdrive-service-static-rg: Specifies the Azure resource group. +* --workspace-name train-finetune-dev-eastus: Specifies the Azure Machine Learning workspace. +* --name "ft-maap-llama3-instance-types-1209-01": Specifies the name of the job. + +Sample Yaml file for generating FineTuningJob using azureml CLIV2 + +**Text Generation FineTuning** +1. [finetuning-with-amlcompute](./model-as-a-platform/text-generation/text-generation-finetuning-amlcompute.yaml) +2. [finetuning-with-instance-types](./model-as-a-platform/text-generation/text-generation-finetuning-instance-types.yaml) + +**ChatCompletion FineTuning** +1. [finetuning-with-amlcompute](./model-as-a-platform/chat/chat-completion-finetuning-amlcompute.yaml) +2. [finetuning-with-instance-types](./model-as-a-platform/chat/chat-completion-finetuning-instance-types.yaml) \ No newline at end of file