From 75592613a958028e4002265b5fb78c406bf3d3b9 Mon Sep 17 00:00:00 2001 From: Nitish Sharma Date: Tue, 6 Dec 2022 15:24:22 +0530 Subject: [PATCH 1/3] Baal Active Learning with Hugging Face in prod setting --- notebooks/baal_prod_cls_nlp_hf.ipynb | 1869 ++++++++++++++ notebooks/data/test_emotion.csv | 1422 +++++++++++ notebooks/data/train_emotion.csv | 3258 +++++++++++++++++++++++++ notebooks/data/validation_emotion.csv | 375 +++ 4 files changed, 6924 insertions(+) create mode 100644 notebooks/baal_prod_cls_nlp_hf.ipynb create mode 100644 notebooks/data/test_emotion.csv create mode 100644 notebooks/data/train_emotion.csv create mode 100644 notebooks/data/validation_emotion.csv diff --git a/notebooks/baal_prod_cls_nlp_hf.ipynb b/notebooks/baal_prod_cls_nlp_hf.ipynb new file mode 100644 index 00000000..ae448b03 --- /dev/null +++ b/notebooks/baal_prod_cls_nlp_hf.ipynb @@ -0,0 +1,1869 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "GHWjiwfZCoHq", + "outputId": "8afe905b-1764-4605-e5d8-33d959094c65" + }, + "outputs": [], + "source": [ + "!pip install -qq baal transformers datasets" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "Gja7GaerCjTA", + "outputId": "6cd84706-a8dc-4153-b547-c3ba4b6265ae" + }, + "outputs": [], + "source": [ + "import argparse\n", + "import random\n", + "from copy import deepcopy\n", + "import os\n", + "from tqdm import tqdm\n", + "\n", + "import numpy as np\n", + "\n", + "import torch\n", + "import torch.backends\n", + "\n", + "# These packages are optional and not needed for BaaL main package.\n", + "# You can have access to `datasets` and `transformers` if you install\n", + "# BaaL with --dev setup.\n", + "from datasets import load_dataset, Features, Value, ClassLabel\n", + "from transformers import BertTokenizer, TrainingArguments\n", + "from transformers import BertForSequenceClassification\n", + "from transformers import set_seed\n", + "import transformers\n", + "\n", + "\n", + "# Only warnings for HF\n", + "transformers.utils.logging.set_verbosity_warning()\n", + "\n", + "from baal.active import get_heuristic\n", + "from baal.active.active_loop import ActiveLearningLoop\n", + "from baal.active.dataset.nlp_datasets import (\n", + " active_huggingface_dataset,\n", + " HuggingFaceDatasets,\n", + ")\n", + "from baal.bayesian.dropout import patch_module, unpatch_module\n", + "from baal.transformers_trainer_wrapper import BaalTransformersTrainer\n", + "\n", + "from typing import List\n", + "\n", + "random.seed(1337)\n", + "torch.manual_seed(1337)\n", + "\n", + "# Set tranformer seed to ensure that initial weights are identical\n", + "set_seed(101)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Information on the hyperparms below\n", + "\n", + "- ```epoch```: Number of times you want to run and AL loop\n", + "- ```batch_size```: The train and eval batch size for hf trainer arguments\n", + "- ```model```: Hugging Face Model\n", + "- ```query_size```: Number of samples you want to query at each AL iteration for labelling\n", + "- ```heuristic```: The acquisition function/heuristic based on which you want to query the important samples\n", + "- ```iterations```: The number of iterations you want to run for MCdropout to find the uncertanities\n", + "- ```shuffle_prop```: Additional Noise to counter selection bias\n", + "- ```learning_epoch```: Traing epochs for hugging face trainer" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "id": "o6Pow8-gsdPk" + }, + "outputs": [], + "source": [ + "hyperparams = {\n", + " \"epoch\": 10,\n", + " \"batch_size\": 4,\n", + " \"model\": \"bert-base-uncased\",\n", + " \"query_size\": 5,\n", + " \"heuristic\": \"batch_bald\",\n", + " \"iterations\": 15,\n", + " \"shuffle_prop\": 0.05,\n", + " \"learning_epoch\": 3,\n", + "}" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "x907KVOmFmcH" + }, + "source": [] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 156, + "referenced_widgets": [ + "a32a698d0a414b83ba85695d40f16f3f", + "1650f13176bb4bc0869c14b555b932fe", + "612b2217ca364f0fab9bff185e9e4ed3", + "dc7d786815774f4492b39de7c1c33bb0", + "898694583e134a09b232754c96740372", + "aa488c4b62c94965a146c032fae56bda", + "9d40eaf0473a4e86b044a6cf84de242e", + "eaeadbf7af0e4dcab47602a6c13131df", + "2c3082927ac14bf0a3e3f25a5a35fad7", + "fe871dd094224cb38783bd4c1f88383d", + "dcc16ed081774203834e672aa607997c" + ] + }, + "id": "6ZI2Wj-6EJnQ", + "outputId": "bc398d5a-167a-44ac-86c6-beb1177f0e06" + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Downloading: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████| 570/570 [00:00<00:00, 672kB/s]\n", + "Some weights of the model checkpoint at bert-base-uncased were not used when initializing BertForSequenceClassification: ['cls.predictions.transform.LayerNorm.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.seq_relationship.weight', 'cls.predictions.transform.dense.bias', 'cls.seq_relationship.bias', 'cls.predictions.decoder.weight', 'cls.predictions.bias', 'cls.predictions.transform.dense.weight']\n", + "- This IS expected if you are initializing BertForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BertForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "Some weights of BertForSequenceClassification were not initialized from the model checkpoint at bert-base-uncased and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" + ] + } + ], + "source": [ + "# Check for CUDA\n", + "use_cuda = torch.cuda.is_available()\n", + "torch.backends.cudnn.benchmark = True\n", + "\n", + "# Load Model\n", + "hf_model = BertForSequenceClassification.from_pretrained(\n", + " pretrained_model_name_or_path=hyperparams[\"model\"],\n", + " force_download=True,\n", + " num_labels=4,\n", + ")\n", + "\n", + "# Setup tokenizer for model\n", + "tokenizer = BertTokenizer.from_pretrained(\n", + " pretrained_model_name_or_path=hyperparams[\"model\"]\n", + ")\n", + "\n", + "# Enable dropouts for predictions\n", + "hf_model = patch_module(hf_model)\n", + "\n", + "# Send model to device and setup cuda arguments\n", + "if use_cuda:\n", + " hf_model.to(\"cuda:0\")\n", + " hf_trainer_cuda = True\n", + "else:\n", + " hf_model.to(\"cpu\")\n", + " hf_trainer_cuda = False" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "yMm0idoFFCyb" + }, + "source": [ + "We are using the dataset from [Tweet Eval](https://huggingface.co/datasets/tweet_eval) Hugging Face. To mimic a production setting where we might need to load data from an external source, we have made a copy of this data to ```.csv``` files. Of couse you can modify this based on the data source of your data.\n", + "\n", + "There could be different scenarios for your train, test and validation datasets. Especially if you are collecting data and evaluating model simulataneously, offered in this tutorial are 2 functions which can help you deal with most of the situations\n", + "\n", + "We will go over a scenario where we assume that you have some labelled train data but you still want a human oracle to label a few more samples. For simiplicity we will assume that validation and test sets are completely labelled. In a real world scenario if this is not the case for validation set. You can just re-purpose the ```train_labeller ``` to label the validation set or do it manually if you want." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "id": "EGkBGUUWLLGO" + }, + "outputs": [], + "source": [ + "def clip_data(split, percent=10):\n", + " \"\"\"\n", + " Retrun a reduced dataset for CPU demos\n", + " \"\"\"\n", + "\n", + " start_idx = round((percent / 100) * len(dataset_emo[split]))\n", + "\n", + " exclude_idx = [i for i in range(start_idx, len(dataset_emo[split]))]\n", + "\n", + " # create new dataset exluding those idx\n", + " dataset = dataset_emo[split].select(\n", + " (i for i in range(len(dataset_emo[split])) if i not in set(exclude_idx))\n", + " )\n", + "\n", + " return dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 84, + "referenced_widgets": [ + "384a1c1a4bb54b3cb7d96891b199ace3", + "5f7a2dfff9084e6e822dd1e46b2457ef", + "94308eb70dfa4737af7792c9377ae285", + "1f8fc2028a6848009e079bc4c4b8954c", + "e9197964adec4582b453287c6cfc386e", + "0f093331b5224b13b498a504c2a75130", + "0056fa741b8f469687b588757964f1c4", + "903ad59e098b4665a89dd56c70003207", + "22fc22d2a29c40b2b79adb858e89ceb4", + "af8b4133d1d4485695afbade993229df", + "e7044a16d3e14ac790e223ef880702f5" + ] + }, + "id": "5oXpNiPTCwp3", + "outputId": "2735d9d2-e02d-48f8-d065-070518299876" + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using custom data configuration default-8925cc3e264ff989\n", + "Found cached dataset csv (/home/nitish1295/.cache/huggingface/datasets/csv/default-8925cc3e264ff989/0.0.0/6b34fb8fcf56f7c8ba51dc895bfa2bfbe43546f190a60fcf74bb5e8afdcc2317)\n", + "100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2/2 [00:00<00:00, 185.19it/s]\n", + "Parameter 'indices'=. at 0x7f60b81ec0b0> of the transform datasets.arrow_dataset.Dataset.select couldn't be hashed properly, a random hash was used instead. Make sure your transforms and parameters are serializable with pickle or dill for the dataset fingerprinting and caching to work. If you reuse this transform, the caching mechanism will consider it to be different from the previous calls and recompute everything. This warning is only showed once. Subsequent hashing failures won't be showed.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Complete dataset processing will take ages to run, clipping data just for demo on CPU\n" + ] + } + ], + "source": [ + "# Define labels in your dataset\n", + "label_list = [0, 1, 2, 3]\n", + "\n", + "# Define features\n", + "features = Features(\n", + " {\"text\": Value(\"string\"), \"label\": ClassLabel(num_classes=4, names=label_list)}\n", + ")\n", + "\n", + "# Map files to the splits\n", + "data_files = {\n", + " \"train\": \"data//train_emotion.csv\",\n", + " \"validation\": \"data//validation_emotion.csv\",\n", + "}\n", + "\n", + "# Load data from files\n", + "dataset_emo = load_dataset(\n", + " \"csv\", data_files=data_files, delimiter=\",\", features=features\n", + ")\n", + "\n", + "# Reduce dataset size to 10% for CPU\n", + "if not use_cuda:\n", + " print(\n", + " \"Complete dataset processing will take ages to run, clipping data just for demo on CPU\"\n", + " )\n", + " raw_train_set = clip_data(\"train\", 10)\n", + " raw_valid_set = clip_data(\"validation\", 10)\n", + " trainer_cuda = True\n", + "else:\n", + " raw_train_set = dataset_emo[\"train\"]\n", + " raw_valid_set = dataset_emo[\"validation\"]\n", + " trainer_cuda = False" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "id": "dBSzk1tGSnJ8" + }, + "outputs": [], + "source": [ + "def get_label_from_data(active_dataset, indexes) -> List[int]:\n", + "\n", + " \"\"\"\n", + " Get labels from the active dataset, this assumes that you have\n", + " already labelled some samples in your initial dataset\n", + "\n", + " Args:\n", + " ----\n", + " active_dataset : Active dataset which consists of train and pool\n", + "\n", + " indexes : Indexes of the points for which labels are to be fetched\n", + " from the data\n", + "\n", + " Returns:\n", + " ----\n", + " labels: Returns the corresponding labels\n", + "\n", + " \"\"\"\n", + "\n", + " labels = []\n", + "\n", + " # Now since you labelled points earlier now some part of pool has become train\n", + " # so in order to get the pool indexes based on your 'original' data i.e\n", + " # your raw_train_set. Make sure to user __pool_tp\n", + "\n", + " raw_data_idx = active_dataset._pool_to_oracle_index(indexes)\n", + "\n", + " for idx in raw_data_idx:\n", + " print(f\"Adding labels for Raw data Index {idx} : {raw_train_set['text'][idx]}\")\n", + "\n", + " print(\"\\n\")\n", + " label = raw_train_set[\"label\"][idx]\n", + " labels.append(label)\n", + " print(\"\\n\")\n", + "\n", + " return labels" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": { + "id": "7dzwnCzkOOCk" + }, + "outputs": [], + "source": [ + "def get_label_human_oracle(active_dataset, indexes) -> List[int]:\n", + "\n", + " \"\"\"\n", + " Get labels from human oracle. During the AL loop some samples\n", + " will go to the human labeller\n", + "\n", + " Args:\n", + " ----\n", + " active_dataset : Active dataset which consists of train and pool\n", + "\n", + " indexes : Indexes of the points for which labels are to be fetched\n", + " from the data\n", + "\n", + " Returns:\n", + " ----\n", + " labels: Returns the corresponding labels\n", + "\n", + " \"\"\"\n", + " # List for corresponding labels\n", + " labels = []\n", + "\n", + " skipped = []\n", + "\n", + " print(\" 0: anger , 1: joy, 2: optimism, 3: sadness\")\n", + "\n", + " for sample_idx, idx in enumerate(indexes):\n", + "\n", + " while True:\n", + " try:\n", + " label = int(\n", + " input(\n", + " f\"Pool Index {idx} : {active_dataset.pool.__getitem__(idx)['inputs']}\"\n", + " )\n", + " )\n", + " except ValueError:\n", + " print(\"Sorry, I didn't understand that.\")\n", + " continue\n", + " if label != -1 and label not in label_list:\n", + " print(f\"Allowed labels are {label_list}\")\n", + " continue\n", + " if label == -1:\n", + " print(\"Skipping this sample\")\n", + " skipped.append(sample_idx)\n", + " break\n", + " else:\n", + " labels.append(label)\n", + " break\n", + " print(\"\\n\")\n", + "\n", + " indexes_upd = np.delete(indexes, skipped)\n", + "\n", + " return labels, indexes_upd" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Some inituion on how ```active_huggingface_dataset``` looks at your data. Once you convert your data to an ```active_huggingface_dataset``` irrespective of the labels provided the complete dataset is considered as pool. If you have some already labelled points or you want to label some points then you will need to explicilty tell this to your ```active_huggingface_dataset```. The above functions are ```get_label_from_data``` and ```get_label_human_oracle``` are provided for that specific purpose.\n", + "\n", + "In our scenario we assume that we have indexes 28 points for which we already have the label and we have 2 points which we want the human oracle to label. \n", + "\n", + "Then ```get_label_from_data``` called with the active dataset and the indexes of the points for which you already have labels for will return a indexes of samples and the corresponding labels\n", + "\n", + "Calling ```get_label_human_oracle``` with the active dataset and the indexes of the points will prompt an input from the human oracle and again returns indexes of samples and corresponding labels. Note that you can pass ```-1``` irrespective of your actual labels to skip a certain sample which you are still unsure about.\n", + "\n", + "Once we have labels from these functions we can call the ```label``` method on our ```active_huggingface_dataset``` with the all indexes and the corresponding labels. \n", + "\n", + "**NOTE**: Make sure before calling the ```label``` method on our ```active_huggingface_dataset``` you have set ```active_set.can_label = True```. This will ensure that the dataset can be labelled.\n", + "\n", + "Once the samples are labelled in the active_set you can see that the pool length will decrease by the number of labelled samples, now you have a train and pool set." + ] + }, + { + "cell_type": "code", + "execution_count": 52, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "vK5WkzevSdVo", + "outputId": "86ffe4ea-ca9e-4596-f7ba-b4bc353d81f6", + "scrolled": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Adding labels for Raw data Index 103 : @user 9 -9 vs Atlanta this yr, 2 - 11 vs Rockies and DBacks this yr. That's a combined 11 - 20 vs 3 atrocious teams in NL #awful\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 33 : @user @user ditto!! Such an amazing atmosphere! #PhilippPlein #cheerleaders #stunt #LondonEvents #cheer\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 259 : SOMEONE LET SNAKES IN MY HOUSE, I BET IT @user I KILL THAT BUGGER WHEN I GET MY HANDS ON HIM #HuckFP2\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 196 : @user \\n'It's alright!' She said cheerfully trying to make the moment fun\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 175 : NL's top bureaucrat is a director of a group formed to oppose NL's top megaproject. #nlpoli - never dull\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 155 : These girls who are playful and childlike seem to have such lovely relationships. Can't imagine them having serious convos but it's cute 😍😍\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 39 : @user It’s taken for granted, while the misogyny in the air is treated as normal — and any angry response to it as pathological.\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 280 : something about opening mail is just...very pleasing\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 268 : @user I am sitting here wrapped in a fluffy blanket, with incense burning, listening to Bon Iver and drinking mulled wine. I'm there.\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 173 : Sometimes I get mad over something so minuscule I try to ruin somebodies life not like lose your job like get you into federal prison #anger\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 239 : The bounty hunter things a bit lively\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 310 : Karev better not be out!!! Or I am seriously done DONE with @user #angry #unfair #ugh\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 166 : @user wow , your right they do need help,so what I'm getting from the Laureliver fandom and bitter comic fandom and\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 58 : Rewatching 'Raising Hope' (with hubs this time) and totally forgot how hilarious it is 😂 #HereWeGo\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 66 : #FF \\n\\n@The_Family_X \\n\\n#soul #blues & #rock #band\\n\\n#music from the #heart\\n\\nWith soul & #passion \\n\\nXx 🎶 xX\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 78 : On the bright side, my music theory teacher just pocket dabbed and said, 'I know what's hip.' And walked away 😂😭\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 72 : Joes gf started singing all star and then Joe got angry and was all sing it right and started angrily singing it back at her\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 213 : Turkish exhilaration: for a 30% shade off irruptive russian visitors this twelvemonth, gobbler is nephalism so...\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 183 : I told my chiropractor 'I'm here for a good time not a long time' when he questioned my habits and yet again I have unnerved a doctor\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 262 : Lunatic Asylum: The place where optimism most flourishes.\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 208 : @user @user @user @user Take 2k out of it the numbers on madden are low and have dropped and people are unhappy\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 234 : nooooo. Poor Blue Bell! not again. #sad\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 227 : Well stock finished & listed, living room moved around, new editing done & fitted in a visit to the in-laws. #productivityatitsfinest #happy\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 65 : People who go the speed limit irritate me\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 54 : @user bts' 화양연화 trilogy MV is my all time fav🙌 quite gloomy but beautiful as well✨\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 285 : @user don't think Ian knew of Pavel. He knew about Charlie. I bet Rob will cackle with glee when he heard what has happened #thearchers\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 81 : #ThisIsUs has messed with my mind & now I'm anticipating the next episode with #apprehension & #delight! #isthereahelplineforthis\n", + "\n", + "\n", + "\n", + "\n", + "Adding labels for Raw data Index 314 : @user @user @user I threaten you because I can pussy\n", + "\n", + "\n", + "\n", + "\n", + " 0: anger , 1: joy, 2: optimism, 3: sadness\n", + "Pool Index 254 : @user it's fucking dreadful for live footy matches-1\n", + "Skipping this sample\n", + "\n", + "\n", + "Pool Index 87 : I am worried that she felt safe. #unhappy0\n", + "\n", + "\n", + "Length of active pool is now 297\n" + ] + } + ], + "source": [ + "# Suppose now you have 30 indexes from train setwhich are either to be labelled or have\n", + "# existing labels. Make sure replace=False\n", + "point_idx_train = np.random.choice(len(raw_train_set) - 1, 30, replace=False)\n", + "\n", + "# There are points for which labels are available\n", + "points_to_label_dataset = point_idx_train[:28]\n", + "\n", + "# These are points which will need to be manually labelled by a human oracle\n", + "points_to_label_oracle = point_idx_train[-2:]\n", + "\n", + "# Convert your dataset into an active learning dataset\n", + "active_set = active_huggingface_dataset(raw_train_set, tokenizer, input_key=\"text\")\n", + "\n", + "# Allow your active set to be labelled, without this you can't label the active set\n", + "active_set.can_label = True\n", + "\n", + "# Now once your dataset is converted into an active dataset, the active dataset\n", + "# assumes all your points are part of the pool set and are unlabelled. Even\n", + "# if you have a label in the dataset for them\n", + "\n", + "assert len(active_set.pool) == len(raw_train_set)\n", + "\n", + "# Label points using data that you have\n", + "label_from_data = get_label_from_data(active_set, points_to_label_dataset)\n", + "\n", + "# Label points directly using human oracle\n", + "label_from_oracle, points_to_label_oracle = get_label_human_oracle(\n", + " active_set, points_to_label_oracle\n", + ")\n", + "\n", + "# Label active dataset\n", + "active_set.label(\n", + " np.append(points_to_label_dataset, points_to_label_oracle),\n", + " label_from_data + label_from_oracle,\n", + ")\n", + "\n", + "print(f\"Length of active pool is now\", len(active_set.pool))\n", + "assert len(active_set.pool) == len(raw_train_set) - len(points_to_label_oracle) - len(\n", + " points_to_label_dataset\n", + ")\n", + "\n", + "# Setup validation set, in case you do not have labels for validation set you can use the above approaches\n", + "# to get one from an oracle or some dataset\n", + "valid_set = HuggingFaceDatasets(raw_valid_set, tokenizer, input_key=\"text\")\n", + "\n", + "active_set, test_set = active_set, valid_set" + ] + }, + { + "cell_type": "code", + "execution_count": 53, + "metadata": { + "id": "rzvvtuibNfVO" + }, + "outputs": [], + "source": [ + "def save_model(trainer):\n", + " \"\"\"Save your model\"\"\"\n", + " trainer.save_model(os.path.join(os.getcwd(), \"model\"))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In the code below you setup up the arguments for the hugging face trainer just like you would when you try to fine tune a hugging face model.\n", + "\n", + "Additionally this time the trainer is ```BaalTransformersTrainer``` instead of the traiditional ```Trainer``` offered by hugging face. This baal trainer will keep track of your active learning loop." + ] + }, + { + "cell_type": "code", + "execution_count": 57, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "PyTorch: setting up devices\n", + "The default value for the training argument `--report_to` will change in v5 (from all installed integrations to none). In v5, you will need to use `--report_to all` to get the same behavior as now. You should start updating your code and make this info disappear :-).\n" + ] + } + ], + "source": [ + "# Setup Heuristics\n", + "heuristic = get_heuristic(\n", + " hyperparams[\"heuristic\"], hyperparams[\"shuffle_prop\"], num_samples=15\n", + ")\n", + "\n", + "# Model save checkpoint\n", + "save_checkpoint = 2\n", + "\n", + "# Keep track of initial model weights\n", + "init_weights = deepcopy(hf_model.state_dict())\n", + "\n", + "training_args = TrainingArguments(\n", + " output_dir=\".\",\n", + " num_train_epochs=hyperparams[\"learning_epoch\"],\n", + " per_device_train_batch_size=hyperparams[\"batch_size\"],\n", + " per_device_eval_batch_size=hyperparams[\"batch_size\"],\n", + " weight_decay=0.01,\n", + " logging_dir=\".\",\n", + " no_cuda=True,\n", + " save_total_limit=1,\n", + ")\n", + "\n", + "# Active Learning Trainer Wrapper\n", + "baal_trainer = BaalTransformersTrainer(\n", + " model=hf_model,\n", + " args=training_args,\n", + " train_dataset=active_set,\n", + " eval_dataset=test_set,\n", + " tokenizer=None,\n", + ")\n", + "logs = {}\n", + "\n", + "logs[\"epoch\"] = 0" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The active learning loop below works as follows:\n", + "- Train model on whatever intial train data we had gathered earlier in our active dataset\n", + "- Evaluate your model on a seperate evaluation set\n", + "- Make predictions with dropouts enabled(MCdropout) to gather uncertanities for your pool samples in the active set and use and acqusition function to get the most \"important\" samples for the human oracle\n", + "- Once samples have been labelled by human oracle, call the ```label``` method of the active dataset which will label the samples. Note, as you might have noticed earlier the active dataset makes sure that once samples are labelled they are removed from the pool and moved to train in the active dataset\n", + "- Save model if needed\n", + "- Now finally we load the intial weights of the model back, so that when the active learning loop runs again next time your model is fine tuned based on the intial train data + the new train data which was added in the current active learning loop. \n", + "\n", + "Repeat until some stopping criterion is reached." + ] + }, + { + "cell_type": "code", + "execution_count": 64, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1000, + "referenced_widgets": [ + "f21bff889d72457189b716eeeb49e6c6", + "a5bacf6eb1c840119fa7fab6fe65b1ce", + "66859014da9b458b8585975665a0b6be", + "e772280a4de34423a67aa13e4d2df347", + "b22ed6e33c3e4e429a0c1719d2bb5f0d", + "ea93269afd8d423eb08e98ee2e484024", + "a804449344fb4eed83dfc0610ac48c6b", + "a154f006114f4bdb962877ead4a77386", + "9ffe25557acb4395970e23d93f42a928", + "5b23f403818c461f9aa55a35d154e649", + "68971bf6c46742ab95b8fc8538d68df6" + ] + }, + "id": "_ioskn57CgNk", + "outputId": "e7e0cf55-03f9-4813-c257-ffde3d7de148", + "scrolled": false + }, + "outputs": [], + "source": [ + "for epoch in tqdm(range(hyperparams[\"epoch\"])):\n", + " # we use the default setup of HuggingFace for training (ex: epoch=1).\n", + " # The setup is adjustable when BaalHuggingFaceTrainer is defined.\n", + " baal_trainer.train()\n", + " print(\"\\n\")\n", + "\n", + " # Validation!\n", + " eval_metrics = baal_trainer.evaluate()\n", + " print(\"\\n\")\n", + "\n", + " # MCdropout to gather uncertanities\n", + " predictions = baal_trainer.predict_on_dataset(\n", + " active_set.pool, iterations=hyperparams[\"iterations\"]\n", + " )\n", + " print(\"\\n\")\n", + "\n", + " # Acquistion of the most informative and diverse samples based on BatchBALD\n", + " top_uncertainty = heuristic(predictions)[: hyperparams.get(\"query_size\", 1)]\n", + "\n", + " # Send the samples for labelling from human oracle\n", + " label_from_oracle, points_to_label_oracle = get_label_human_oracle(\n", + " active_set, top_uncertainty\n", + " )\n", + "\n", + " # Label active dataset\n", + " active_set.label(points_to_label_oracle, label_from_oracle)\n", + "\n", + " # Save model and data\n", + " if epoch == save_checkpoint:\n", + " save_model(baal_trainer)\n", + "\n", + " # We reset the model weights to relearn from the new trainset.\n", + " baal_trainer.load_state_dict(init_weights)\n", + " baal_trainer.lr_scheduler = None\n", + "\n", + " active_logs = {\n", + " \"epoch\": epoch,\n", + " \"labeled_data\": active_set.labelled_map,\n", + " \"Next Training set size\": len(active_set),\n", + " }\n", + " logs = {**eval_metrics, **active_logs}" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now you might want to take this labelled data and maybe analyze it or maybe fine tune a different model based on this. Some useful utilities for that\n", + "\n", + "- ```active_set._dataset``` : Provides access to all the data \n", + "- ```active_set.is_labelled(idx)``` : Lets you know if a sample at ```idx``` is labelled via the Active learning process or not\n", + "- ```active_set.labelled```: A bool numpy array which keeps a record of which samples have been labelled in the AL process. \n", + "\n", + "Using these you can easily pull your labelled data should the need arise." + ] + } + ], + "metadata": { + "accelerator": "GPU", + "colab": { + "machine_shape": "hm", + "provenance": [] + }, + "gpuClass": "standard", + "kernelspec": { + "display_name": "venvbaal38", + "language": "python", + "name": "venvbaal38" + }, + "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.8.14" + }, + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "0056fa741b8f469687b588757964f1c4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0f093331b5224b13b498a504c2a75130": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1650f13176bb4bc0869c14b555b932fe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aa488c4b62c94965a146c032fae56bda", + "placeholder": "​", + "style": "IPY_MODEL_9d40eaf0473a4e86b044a6cf84de242e", + "value": "Downloading: 100%" + } + }, + "1f8fc2028a6848009e079bc4c4b8954c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_af8b4133d1d4485695afbade993229df", + "placeholder": "​", + "style": "IPY_MODEL_e7044a16d3e14ac790e223ef880702f5", + "value": " 2/2 [00:00<00:00, 67.19it/s]" + } + }, + "22fc22d2a29c40b2b79adb858e89ceb4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2c3082927ac14bf0a3e3f25a5a35fad7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "384a1c1a4bb54b3cb7d96891b199ace3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5f7a2dfff9084e6e822dd1e46b2457ef", + "IPY_MODEL_94308eb70dfa4737af7792c9377ae285", + "IPY_MODEL_1f8fc2028a6848009e079bc4c4b8954c" + ], + "layout": "IPY_MODEL_e9197964adec4582b453287c6cfc386e" + } + }, + "5b23f403818c461f9aa55a35d154e649": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5f7a2dfff9084e6e822dd1e46b2457ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0f093331b5224b13b498a504c2a75130", + "placeholder": "​", + "style": "IPY_MODEL_0056fa741b8f469687b588757964f1c4", + "value": "100%" + } + }, + "612b2217ca364f0fab9bff185e9e4ed3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eaeadbf7af0e4dcab47602a6c13131df", + "max": 570, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_2c3082927ac14bf0a3e3f25a5a35fad7", + "value": 570 + } + }, + "66859014da9b458b8585975665a0b6be": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "danger", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a154f006114f4bdb962877ead4a77386", + "max": 10, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_9ffe25557acb4395970e23d93f42a928", + "value": 2 + } + }, + "68971bf6c46742ab95b8fc8538d68df6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "898694583e134a09b232754c96740372": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "903ad59e098b4665a89dd56c70003207": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "94308eb70dfa4737af7792c9377ae285": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_903ad59e098b4665a89dd56c70003207", + "max": 2, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_22fc22d2a29c40b2b79adb858e89ceb4", + "value": 2 + } + }, + "9d40eaf0473a4e86b044a6cf84de242e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9ffe25557acb4395970e23d93f42a928": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a154f006114f4bdb962877ead4a77386": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a32a698d0a414b83ba85695d40f16f3f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1650f13176bb4bc0869c14b555b932fe", + "IPY_MODEL_612b2217ca364f0fab9bff185e9e4ed3", + "IPY_MODEL_dc7d786815774f4492b39de7c1c33bb0" + ], + "layout": "IPY_MODEL_898694583e134a09b232754c96740372" + } + }, + "a5bacf6eb1c840119fa7fab6fe65b1ce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ea93269afd8d423eb08e98ee2e484024", + "placeholder": "​", + "style": "IPY_MODEL_a804449344fb4eed83dfc0610ac48c6b", + "value": " 20%" + } + }, + "a804449344fb4eed83dfc0610ac48c6b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "aa488c4b62c94965a146c032fae56bda": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "af8b4133d1d4485695afbade993229df": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b22ed6e33c3e4e429a0c1719d2bb5f0d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dc7d786815774f4492b39de7c1c33bb0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fe871dd094224cb38783bd4c1f88383d", + "placeholder": "​", + "style": "IPY_MODEL_dcc16ed081774203834e672aa607997c", + "value": " 570/570 [00:00<00:00, 18.5kB/s]" + } + }, + "dcc16ed081774203834e672aa607997c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e7044a16d3e14ac790e223ef880702f5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e772280a4de34423a67aa13e4d2df347": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5b23f403818c461f9aa55a35d154e649", + "placeholder": "​", + "style": "IPY_MODEL_68971bf6c46742ab95b8fc8538d68df6", + "value": " 2/10 [47:03<2:06:02, 945.33s/it]" + } + }, + "e9197964adec4582b453287c6cfc386e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ea93269afd8d423eb08e98ee2e484024": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eaeadbf7af0e4dcab47602a6c13131df": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f21bff889d72457189b716eeeb49e6c6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a5bacf6eb1c840119fa7fab6fe65b1ce", + "IPY_MODEL_66859014da9b458b8585975665a0b6be", + "IPY_MODEL_e772280a4de34423a67aa13e4d2df347" + ], + "layout": "IPY_MODEL_b22ed6e33c3e4e429a0c1719d2bb5f0d" + } + }, + "fe871dd094224cb38783bd4c1f88383d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + } + } + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} diff --git a/notebooks/data/test_emotion.csv b/notebooks/data/test_emotion.csv new file mode 100644 index 00000000..12c93879 --- /dev/null +++ b/notebooks/data/test_emotion.csv @@ -0,0 +1,1422 @@ +text,label +#Deppression is real. Partners w/ #depressed people truly dont understand the depth in which they affect us. Add in #anxiety &makes it worse,3 +"@user Interesting choice of words... Are you confirming that governments fund #terrorism? Bit of an open door, but still...",0 +My visit to hospital for care triggered #trauma from accident 20+yrs ago and image of my dead brother in it. Feeling symptoms of #depression,3 +@user Welcome to #MPSVT! We are delighted to have you! #grateful #MPSVT #relationships,1 +What makes you feel #joyful?,1 +i am revolting.,0 +"Rin might ever appeared gloomy but to be a melodramatic person was not her thing.\n\nBut honestly, she missed her old friend. The special one.",3 +In need of a change! #restless,3 +@user @user #cmbyn does screen August 4 & 6 at #miff,3 +@user Get Donovan out of your soccer booth. He's awful. He's bitter. He makes me want to mute the tv. #horrid,0 +@user how can u have sold so many copies but ur game has so many fucking bugs and mad lag issues. Optimize ur shit soon.,0 +Pressured. 😦,3 +Yes #depression & #anxiety are real but so is bein #grateful & #happiness \nI choose how i wanna live MY life not some disorder,3 +"People who say nmu are the worst, something has to be going on, tell me I wanna know bout your life that's why I fucking asked, I care 😤",0 +"@user The hatred from the Left ought to concern everyone----who wants a police state-the left, so than can spy on all of us.",0 +@user #shocking loss of talented young man#prayers#pray for his family,3 +Its #amazing watching various news outlets showing mixed crowds of ppl watching #Eclipse with NO #racial tension.. #MSM can't hide this!,1 +"That moment when people say you don't need medicine, it's mind over matter. You need to stop doing that. #bipolar",0 +@user @user Please. Don't insult Goths.,0 +@user What an F'ing liar,0 +May or may not have just pulled the legal card on these folks. #irritated,0 +"Me: 'I miss your personality,will it come back?' Him: 'I'm sorry.I'm me. You be you.' #Sad #depressed #longdistancerelationship",3 +Comparing yourself to others is one of the root causes for feelings of unhappiness and depression.,3 +"@user @user Americans do not spank their children, and they are a God fearing people who knows the biggest sin is hypocrisy.",2 +The only upside to being deathly ill this week is that I've gotten better at taking pills. #optimism,2 +Favorite character who's name starts with the letter M?\n #Prisonbreak5 #The100 #GreysAnatomy,1 +I'm so nervous I could puke + my body temp is rising ha ha ha ha ha,1 +I cannot see a rational way of bearing a grudge to him for that. I do not. Maybe because I do not live by Netflix and I do not care...,0 +And let the depression take the stage once more 🙃,3 +I love swimming for the same reason I love meditating...the feeling of weightlessness.,1 +@user Is it just me that thinks it looks boring?,3 +",, The solar eclipse was really cool.. #inspiring!",1 +@user Really??? I've had to hang up!,0 +When Jim Sheridan is standing next to you and you don't say A WORD!!! #facepalm #tonguetied,0 +"@user -- can handle myself.\n[Carl yelled back in fury, blood smeared across his face and clothes. Still holding onto his --",0 +@user @user there was a fair bit of raging folk last night... something to do with pension day?,0 +"@user No #racism, no #hatred , no #sectarianism ... Only yes to love",2 +sleep is and will always be one of the best remedies for a tired and weary soul,2 +"@user where is my order? Placed on Monday via express delivery, yet no sign!!! #annoyed #hurryup Your customer service queues are #awful",0 +yukwon no video do zico the world is shaking,3 +"BUT, I have offended so many people with the idea that conflicts and value judgments are separate that we need to have a talk.",2 +@user - spelled exactly how it makes you feel 'better eat land line'. Talking to my mom this week has been impossible. #goodservice #rage,0 +"@user John, what do you make of DJT's silence? He would usually be foaming at the mouth right now. Maybe he's constipated.",0 +@user happy birthday machaaaa 🎈🎉🎊 stay awesome and murah rezeki selalu 👍🏻,1 +"When you should be working, but you're shopping amazon prime deals instead... 😦",0 +Karma is real bitch 🖕🏼you can't just be mean and do horrid things without paying the price 😂,0 +@user @user Agree with @user or you are of a lower intelligence would be your message there then? #dreadful,0 +@user Rumor has you are #wellendowed #awesome! Truth is you are a #big 😲 #notsomuch so you know a bunch of #gaypeople #sowhat,0 +"IK to PMLN: 'Darling, I will haunt you in your nightmares, dressed like a dream.' BEST THING EVER. #GameOverNawaz",1 +OMG we're eating drinking in a restaurant and so is a baby!!! Quell horror #YummyMummiesAU,0 +hello phy6 i'm stressing over u ayuku na??¿ ☹,3 +"There are parts of you that wants the sadness. Find them out, ask them why",3 +Are you always looking for quotes of your days? Then follow @user to learn more!\n #quote #doubleviz,2 +@user huhu kak help me through all of this,3 +Let's start all over again.....\n#feels #lover #happiness #loyalty #truth,1 +"Earth's sixth mass extinction event under way, scientists warn **basically caused by Islamic Muslim terrorism which Obama dem- rats back*",0 +Some days I feel like I'm going to accomplish everything I've ever dreamed. Today is not one of those days #nomotivation #rainyday #gloomy,3 +"For every one concept I try to cram into my brain, I feel like I'm pushing out three. #panic",3 +“The #optimist proclaims that we live in the best of all possible worlds; and the #pessimist fears this is true.” ~ James Branch Cabell,2 +Red Sox fans are #mad #onhere - it's almost like their All Star relief pitcher and 1st baseman both left with injuries in this game 🤷🏻‍♀️,0 +@user - @user has occupied one full lane for toll collection permanently resulting in traffic snarl everyday on UP Link Road,0 +"I've never been happier. I'm laying awake as I watch @user sleep. Thanks for making me happy again, babe.",1 +#Overheard: 'I don't really like dogs.' I DON'T FEEL SAFE IN THIS PLACE. Clearly a hostile environment! #bigly #covfefe #TrustNoOne,0 +@user Hahaaa! Was fuming with that 😞😂,0 +@user lel I already know the whole plot dont worry I would have warned you :D man... Cid tho... That bitch slapped Gabranths hand away,0 +"Aw, bummer. @user (Maura Rankin) blocked me for calling her out as a #bully. Some people just #CantHandleTheTruth, can they?",0 +@user is the man,1 +"Gorkas is angrily unhinged, &lecturing CNN on what?they should cover demanding they go after Hillary Clinton instead of Trump.",0 +"Request MRI 2 years ago, Neuro only requested last year, I'm still waiting on appointment #mssucks #healthcareFail",0 +@user @user a serious character flaw. Nowhere close to @user,0 +"'I have a problem with authority.'\n\n'Oh, you mean you hate being told what to do?'\n\n'No. Authority figures just terrify me.'\n\n#SocialAnxiety",0 +@user Improve on the makeup dear to avoid reduction in viewership...,3 +omg i'm soooo fucking fuming,0 +Pages like AjPlus profit off our outrage... they serve no purpose other than to show us shit that pisses us off. Don't need that negativity,0 +Trying my hardest not to curse people off. I look annoyed for a reason don't tell me to smile bitch!,0 +@user please get Sebstian Gorka off of my tv. The whole trump admin. needs to stop deflecting by talking about Hillary. #awful,0 +@user I have at 7am so I have to get up around 5am to get ready! N also 7am classes are never pleasant 😭,3 +@user Couldn't have delivered without you @user - #inspiring #partnership #women,2 +"“Let us not become weary in doing good, for at the proper time we will reap a harvest if we do not give up.”\nGalatians 6:9 NIV",2 +omg they said kyungsoo looked gloomy and his instant smile after that i'm melting,1 +@user agreed but it had tessie by dropkicks playing outside of gameplay. #awful,0 +@user @user @user FYI speed trap on I-75/I-475 NB.Changes to 50 Mph . Slow down or receive a $120 ticket in mail! #angry,0 +love to see them interacting 😸🙏 #itsbeensolong #laughing,1 +@user I don't know my mouth was burning the whole time,3 +A woman is sterilised because she is certain that she doesn't want children. What exactly is there to discuss? 😠 #LooseWomen,0 +"Not only was @user and @user responsible for the unnecessary outrage of this movie, but made the director @user look bad",0 +"This the way I rage, \n\non sum wopstar shit ⭐️",0 +#happy #birthday #day trip #great day #super nice weather #blue sky #good mood #fun #love #ice cream #lycklig #födelsedag #öland,1 +@user Yeah funny and sexy 😍,1 +#depression is a condition which will affect an estimated one in five of the population at some point in their lives,3 +"@user I Feel sick reading this, when does it end? #dread #civil war? #sad",3 +@user 😂 He looked like a sea weed version of cousin IT from adams family and was reaaaally tall.,1 +how i drink two 40s and im still somewhat sober ?,1 +Oh Canada 🇨🇦 shouldn't be sung like that. #terrible #MLBTHESHOW17,0 +Mima tremendous at bringing the noise.,1 +@user Lol nah u subscrib 4 R60/pm. N pay R3 each day thus anada R90/pm. Lol stream n use de app using ur data. #smiles,1 +"Damn twitter making everybody mad, it's hilarious 😂",1 +this #overcast #cloudy #rainy weather makes me #lazy #glum and #sad,3 +this person hasn't uploaded episode six or seven of the lodge and i'm,0 +@user That'll be Madrid throwing a huff over Morata and De Gea. Fuck them,0 +I think #Saudis are responsible for most of the #islamic #terror in the world. Both with their #Wahhabism and by financing terrorists …,0 +🔝 #love #instagood #photooftheday @user #photoeveryday #cute #picture #beautiful #followme #happy #follow #fashion #pic #picoftheday,1 +Of course I've got a horrible cold and am breaking out 2 days before grad 👍🏼👍🏼👍🏼👍🏼👍🏼,3 +@user @user You are a man after God's heart and I am proud that you are my president. #BlessedAndGrateful #awesomeness,1 +"@user @user if I catch you making tea with water boiled up to 100 degrees, there will be dire consequences",0 +@user Wise you mean? 😅,1 +@user big revenge guy,0 +Remain attached to God during your happiness and during your sadness.,2 +"@user Jen, awful funny how the tide has turned on this show! I am elated and amused! Goes from love fest to oh we have collusion!",1 +Odd watching #Antifa extremists going full spectrum to become Fascists\n\n#Violence #Hate #angry #Clueless #YOUTH in mom's #basement come out,0 +#Work not to,3 +@user @user I'm fuming that you're fuming 🙄 #fuming,0 +@user @user @user I bet he needed to take an anime break and drink a Zima after all the furious typing.,0 +@user Exhausting for us. Imagine being so tightly wrapped that you're writing these 'think pieces' at such a furious rate. #medicated,0 +Haven't been on a holiday abroad in two years how depressing is that btw☹️,3 +sardonyx expresses herself through supporting the team with your incredible yo-yo skills and depression okay,3 +@user OMG poor you! It happened to me last summer. I saw my under skin 😰,3 +"The patients were increasingly protected during heart attacks, chains have encouraged smoke, anger and hundreds of new hospitals.",1 +@user you look shook! #afraid #shook #impeach #youaregoingdown,0 +Just added a copy of CANDIDE to my local Little Free Library & a guy grabbed it literally 5 seconds later #optimism #BestOfAllPossibleWorlds,2 +I feel so intimidated talking to chicken now that I know how pretty she is,1 +@user (c) grew with resentment for herself and the world around her.\n\nHer spine tingled as she heard the incessant clicking of a (c),0 +@user are we in for Lemar even though wenger was very coy about him in his press conference,1 +"My mother-in-law, in a fit of #rage, referred to someone as a 'yo-yo'.\n#yoyo #motherinlaw #amirite #fitofrage",0 +"@user Maybe don't nom so many raging dicks, Donny! Jeez, it's like teaching a baby to fly a jet!",0 +You know your (numerous)meds have kicked in when you find stupid things highly amusing #BPDproblems #KeepTalkingMH #mentalhealth,1 +@user believe it! you can start your temper tantrum now/,0 +@user Really?? Because music analyzes your screenshots with my microscope too??? I didn't think so #offended,0 +#LT a mom let her kid pay for the bus. The kid dropped the coins. I'm boiling in rage. My face may be straight bu my eyes say IMGONNAKILLYA,0 +Don't grieve over things so badly..,3 +"@user ballroom dancing class tomorrow, any advice for a first timer?",1 +"you begin to irritate me, primitive",0 +"@user It's been a little Twitter saga lately. The tea thing is horrific, plus they never have fresh milk to put in it.",0 +Just #snorted #laughing @user #outtakes @user @user #hilarious Best duo ever! @user,1 +They say ur a prdct of ur surroundings. A bit intimidated by the crazy amazing ppl I met @ @user @user @user @user,1 +Three more shifts then I start the next part of my tutorship in response #enjoyingthelastfewdays #excited #nervous #newchallanges,1 +This nightmare is nearly over gang gang gang,2 +@user It's an evening for lying around doing feck all. Looks like an October evening down here #miserable,3 +"@user Goddess, that poor girl 🙁",3 +i haven't had to speak maltese in over two years and now have relatives calling me about the trip and it's terrible 🙃,0 +@user i know 😰,3 +"Cold sores are the worst. The second you smile or laugh, it's over. Blood everywhere",3 +@user Ganguly chose? It is Kohli's provocation which compelled Dada to pick that pretentious fuck.,0 +@user @user She is Right shld burn them alive 😡 it's even more better if they burn you with ur brothers 😠,0 +#unforgiveness lives in the #dark,3 +@user shocked as well. but bc I cheer for another club in the swiss league…,2 +@user They give awful service and you haven't got back to my complaint yet. Can you guess the airline? #dontflyBA #annoyed,0 +@user So are you saying there's a good chance that two teams might *gasp* finish last? One in the East and one in the West? #offended,0 +"We're in the bathroom and you perch on the sink,\nI begin to infatuate, exasperate, resuscitate.",0 +Scared to leave the routine but excited to break out the mould 😖 #scared #confused #happy #undecided #excited,1 +"Whatever you want to do, if you want to be #great at it, you have to #love it and be able to make sacrifices for it. #Quotes for you",2 +That became obvious with the Morata saga. The fucking bitter old cunt turned down 70m for that sideman.,0 +Signs of Incipient Faggotry are the arsehole quivering and puckering.,0 +i'm nervous,3 +"'If you try to get rid of #fear and #anger without knowing their meaning, they will grow stronger and return.' \n― Deepak Chopra",0 +@user im sorry i voted jeans </3 u look banging who tf needs food anyway when ur a student existential dread feeds us,1 +Hey @user would it be safe to assume that this is the most disappointing #madden in years in your opinion?,3 +@user @user Yes it is. I especially love the ramble chat love when they go off topic for like ten minutes. #awesomeness,1 +this weather = my mood ☔ #miserable,3 +@user Why do you send me a sales email suggesting that I am procrastinating 'asking out Derek from accounts'? I am male.,0 +@user let that sink in,3 +She doesn't know how to smile! So be it! #pissed 😏😒😠😡😤👀👄👊👎🙍💔,0 +"Humble yourself in the sight of the LORD. If we have died in Christ, then how can we be offended? A dead person cannot feel anything, right?",2 +Chiropractor time #crackle #pop #chiropractor,1 +u can get an oreo shake at burger king,1 +It takes a smoke detector 4 months to stop beeping if you were wondering how #lazy I am. #lol #funny #Comedy #laughs #CrackMeUp #hilarious,1 +"@user Sir, what about 2G, 3G, 4G, Coalgate, scams Parliament Attack, Mumbai terror attacks despite intelligence input.",0 +watching that video and realizing that I've gotten uglier #depressed,3 +fuckfuckfuck my hands are shaking,0 +dark lucha truly is the best,1 +@user @user yeah you have not been the perfect patient like I was #dread,0 +I'm so sick of that 'I'm done w. My ex na we're never getting back together' crap so You can get back together in like a month 😂,0 +Come on blues #StateOfOrigin #Origin #NSWBlues #nsw,2 +@user Happy birthday cuzzo many blessing🙌🏾💪🏾🇳🇬💯#KeepGrinding #blessed,1 +"@user don't #worry, froggy\nit will SOON be TIME for #FROGFEARFRIDAY!",2 +I'm legit in the worst mood ever. #annoyed #irritated,0 +"I think that Nuclear weapon and Cyber weapon are big threats, but I think that the bigger threat is Scalar weapon ...\n#scalar #threat",0 +"Watching #ScottishOpenHeroChallenge from last night... Smoke, flames, tense sound effects and lively commentary.. #boring #dull #shite 🙈",0 +@user @user @user watching the #totalsolareclipse on ur channels right now #amazing what's happening in the #usa,1 +"faint glimpse of the circling stars. Presently, as I went on, still gaining velocity, the palpitation of night and day merged into one",1 +"@user You made me laugh today when you told a caller to turn up the volume, that you weren't doing the #MarvinGaye thing #levity",1 +'look at your face in a mirror... You are so fat and dark... You can't have lunch with us' #kids #meangirls #rude #insult,0 +I'm so angry,0 +"my name is sara, im 20 years old and i cant believe boiling an onion is making me cry",3 +Looking for good news today...not finding any on Twitter. Bummer. 😢 #depressing #badnews,3 +@user Jerrrrrr a woman is been stabbed in the face and now guys r arguing about her ass being real or not hehehee,0 +"AJ ends up being a terrible character, but no one in his family ever actually speaks to him. He witnesses so much and just gets sent away.",3 +"@user Like you said, its all propaganda against #Israel. Palestinian adults and their Govt are full of #hatred. So sad to see",3 +I hung up on my manager last night 😭,3 +@user Bro no you don't you'll be so dissapointed in me 😂 il let you read it next time you're down here tho 💁,3 +@user keep your head clear an focused. Do not let T intimidate you or use your children to silence you! Hate when a man does that!,0 +If your only response to this current political crap show is 'but Hillary!!' Or 'but Obama!!' you need to start looking for a new argument.,0 +"@user Although I have a nice vulva, I choose not to intimidate other women with it.",2 +every time i think abt hobi crying i start crying,3 +Don't justify Terrorism as communal hatred. #AmarnathTerrorAttack is sheer Act of cowardice. Let's unite together against terrorism. Luv all,2 +God bless him in Hong Kong! #ex,1 +@user The best of make up horror story...,1 +@user @user Naming India Lynchistan is not provocation terror is a provication even when terror has no religion.,0 +"@user Why don't you try nominating qualified people; B.DeVos, T.Pruitt, R.Perry,etc...really? They are terrible!",0 +#GameOfThones how can you top that next week #heartbreaking,3 +"John 14:27\nLet not your heart be troubled, neither let it be afraid. #peace #afraid",1 +@user At least smile a little holy crap Twiggy.,0 +"we will send video to proper agency ,state workers harass the public to fuel the ego of Scott Arniel and trial court what the bleep #bully",0 +@user Your majority is 635 members of the public- believe me you have offended rather more than 635 voters!,0 +@user @user no it was a selfie of him from seven months ago look at the top left of the snap people,1 +Do you ever just get so excited that you're trying to sleep & just can't even close you eyes😁like I really need this catnap but #excitement,1 +Fools! Little did you know that getting angry and trusting your instincts by walking right into my trap was a mistake!,0 +"Just know USA, all Canadians don't agree with what Khadr's settlement and his unwillingness to take responsibility for his actions. #outrage",0 +feeling like a grim reaper all day hehehe\n9 days pa 🎩✉️,3 +"@user Ha, sadly not: just the undying respect of your peers, I'm afraid...",3 +Look at this little guy! He is connecting to his magical self.😇\nWhat do you do to keep life magical?🌈 @user #magical #be,1 +@user The GOP controls the Senate. Blaming the Dems seems #sad.,3 +Life is too short to hide your feelings. Don't be afraid to say what you feel.,2 +#Sleep is my #drug. My bed is my dealer. My #alarm is the #cops. #School is the #jail. #TeamFollowBack,1 +"@user Oh no, jumper on again, has it turned colder? 😟 Have a terrific day🙋🏼🌸🌼🌻💕💕",1 +"and every time i cry hard, fear blankets me",3 +the thing about living near campus during the summer is that it's a ghost town but now everyone is back and im #annoyed,0 +get u a goofy shorty w/ a big heart & a anger problem..,0 +@user sad day Danny 😓you have been and still are a true Leeds rhino you have been brilliant at the club I will miss you,3 +"The one most important thing we forget. That we need to denounce terrorism, not stoke communalism #AmarnathTerrorAttack",0 +I fw @user he don't hesitate to speak his mind,2 +"@user Ah that's a neat idea, will check that out - might makes me more depressed about my slowness tho 🤣",3 +"Negative self-talk in #depression can extend to sleep, with catastrophic thinking about the impact of poor sleep fueling insomnia.",3 +Mentally suffered #iwanttodie #worthless #lifewithoutcolor #pain #suicidal,3 +So exhausted I could cry 😭,3 +@user @user @user You need a new tactic post-Trump/Brexit. Hurling that insult around no longer works I'm afraid.,0 +#Thoughtoftheday: 'Perpetual optimism is a force multiplier.' - Colin Powell #quote #optimism #positivity,2 +Part of #danielhive #insecure i got you,3 +"If I were my own republic, I would declare war on patchouli incense.",0 +"So, if you have a really tiny penis, get help, but please don't try to compensate on the road #bigcar #tinypenis #roadrage",0 +'Florian Picasso - Final Call' is raging at ShoutDRIVE!,0 +"He is holding her so close, wrapped his hands around her shoulder, she is holding them and they're both smiling. I'm still living. ☺️",1 +So apparently one of your bus drivers has a grudge against me @user I was passed while waiting for it to stop. Real service there..,0 +"#YummyMummiesAU Are you serious! Breastfeeding should be illegal?! You breathing our air should be illegal, dumbass! #stupid",0 +No offense to the girl next to me but dousing yourself with cheap cologne won't hide your rank smell,0 +this one lady literally parked next to me and scared the shit out of me 🙃,0 +Things that rage me: when I hear a man ask a woman if she thinks her skirt/dress is too short\n\n😨😵😠😡😤 #shame #rage #Feminism #feminist,0 +"Catching up on Greys, almost couldn't make it through two episodes because of how sad the storyline was. Two best/worst eps for me.",3 +@user Support Qld and you'd never be #angry,0 +The stupidest and weirdest thing people do. And what's more stupid than that? They upload it online. Oh my god. But good for laughter ah. 🤣🤣,1 +oh how i just love love love glee doing billy joel's numbers!!!!,1 +Wonder how many times connor says fuck in press conference #lost count,0 +Every day I dread doing an 8 hour shift in retail 🙂,3 +"Psalm 2:12 Kiss the Son, lest He be angry, And you perish in the way, When His wrath is kindled but a little.",0 +"So excited for the final 10 eps of @user So happy @user is back and @user returns, as well as @user 😄❤",1 +that moment when you feel meaningless and just feeling like you cant do anything right =*( #foreveralone,3 +One of those days. #Mentalhealth #Anxiety #agoraphobia #panic #depression #OCD,3 +My neck still hurting though... 😥,3 +@user I know it bothers me that u worry my love@zae200012 😢😢,3 +"@user @user oh, that too! 🤣",1 +on the upside i saw a corgi puppy on the tube today. my shining light in the dark.,1 +When you miss a call from @user #devastated 😭 I'm trying not to #cry 😭,3 +Be fuming if Sunderland sign Murphy like. He was crap when we first signed him and he's still crap now,0 +"The use of violence, threat of violence and intimidation just tag zany pf. Very good at it.",0 +@user Think it lost its heart after the second version. Third was disappointing and haven't played the fourth yet,3 +@user This is goin to be as good as rocky vs hogan #terrible #ohnowhatisyoudoingbaby,0 +@user @user Hope to come #yay Do u have central accom list plse? (Lone gal trying to avoid taxis 😉) 🏰 #History #joy,1 +Codes? Lyft codes? We got em! Use: OATH #Great deals are here for you now #LOVEISLOVE,1 +I'm sorry. Im much more interested in the #BachelorInParadise rose ceremony than whatever @user has. #seriously,3 +Prepare to suffer the sting of Ghost Rider's power! Prepare to know the true meaning of hell!,0 +#AmarnathTerrorAttack @user @user cn u plz ans wt u r afrd of or wt stpng u to end #terrorism wn whol #India is stndng wth u,3 +@user i'm very happy glad or whatever the feelings i'm not into dramas,1 +@user @user You. Sir are a alarmist unsubstantiated facts. And a idiot,0 +@user @user it is indeed time 4 you 2 create the Ghost Filter 👻 please🙏🏾#CanWeGetAGhostFilter ??? #snapchat #ghostfilter #retweet,2 +Thousands of pickled dunder-headed anthracites ! #furious,0 +Usually the things you are most #afraid of are the most #worthwhile. #FACT #TeamFollowBack #rocktheretweet,2 +@user no air working in the 1sr carriage of the 18:03 from Victoria to Bognor. #boiling #southernfail,0 +"@user awe feels or que :,(",3 +To be really knowledgeable and really petty is such a delight to behold.,1 +"An #angry #person may lose his/her objectivity, empathy, prudence or thoughtfulness and may cause harm to others.",0 +"Said it once and I'll probably say it again, anything more depressing than making your sandwiches for work the next day #cry",3 +"@user Please, please do something about her! Where's Kayleigh, Jack, Jeff? Ugh. #awful #doctor?",0 +"They are burning not Muslims Economy,\nThey are burning the Economy of Sri-Lanka",0 +Why o they call it a happy mea. if it tastes like a whole lot like depression.,3 +Johnny doesn't seem like the suicidal type #suspicion #tcmparty,3 +"Wow that last chick was a bit intense, poor Freddie was a bit unnerved lol #NinjaWarriorAU",1 +"If I see one more Lakshmi EX enrage, I'm kill someone.",0 +filled with sophisticated glum,3 +"lonely is not being alone, it's the feeling that no one cares. #alone #depressed #anxiety",3 +or just blame the gloomy weather,3 +"I dreamt that my dog, Snoopy, came back to life. Man I miss that dog 🙁",3 +But DAMN the sight of them getting scared af makes me feeel SOOO BAD! Which they should feel afraid cause if their mom don't come n it them,3 +@user after you said an apple pie isn't naughty I really want Chris or @user to say 'but a cream pie is' #naughymind #rage,0 +Sometimes in #life ....\nSee the #statement itself #sounds so #temporary\nNothing is permanent isn't it?\nSo #never #worry let it go & #moveon,2 +From the archives... Strikeforce Champ Ronda Rousey 301 #chirp #church #mayhemmiller #naked #rip #rondarousey #twitter,3 +Tomorrow should be interesting if info is being released re away priority & Canalside membership! #outrage #htafc,0 +@user i cant wait for the day you release the album so that i can finally unleash my fury \n\ni hate this long ass hiatus ok afshdkflckakdbwi,0 +@user yessss waiting for an epi is for the birds. it sucks. im waiting for walking dead new season😩,0 +#note8 #animated said pen. Amazing. Wife loves this one,1 +"@user @user It ruins my frigging night each night at 9pm. Mrs loves it, i've been early to bed for a month.",0 +Ugh @user really do have the worst customer service!!!!!!! #astounded,0 +I'm fuming I wanted Hamez,0 +"My main concern are the children and his wife thats if she is still stuck with him and if she is, then she's strong af. Jeez 😟",3 +@user omg. Who is this nan Hayworth person and where did she come from? Send her back!#sad #bad,3 +@user Been there done that,1 +i want to ruffle jungkook's hair.... this is so sad,3 +Don't be afraid to ask questions! He's real & there's always a revelation.,2 +@user Wow I've just spotted the cutest human being alive #blessed 😍,1 +I've seen the innocence leave your eyes. I still mourn this death.,3 +@user I coloured my hair bright red AND had a dodgy fringe. #dreadful #nophotos #thankgoodness #betterblonde,1 +You couldn't mind me up more if you tried right now raging 🙃😠,0 +Robert called me to make sure I was awake for my night class,1 +@user Fuck off. Enough of this fake solidarity. #NotInMyName was a rabid #Hinduphobic campaign. Stop giving them legitimacy.,0 +@user #croydonparkhotel will be receiving a big complaint from me tomorrow #worseservice #rudestaff #furious,0 +I hate these crippling anxiety. :(,3 +I finally got my drivers permit #yes #readytodrive #nervous #scared,1 +'....trying to work out how a band featuring Corin Tucker and Peter Buck (REM) could be so bad.' WAAHHHHH @user #devastated,3 +"@user @user My shirt did not arrive today as promised, I even pre-ordered it in June, who do I make my complaint to ?",0 +"@user aw, you make me smile, too.😉😘",1 +@user @user Eng.R u call a spade a spade if u were good lets all mourn but if you not pop a bottle and say good riddace,3 +I should wear black & mourn a lil'.,3 +"@user I've tried to get through 3 times today and waited 20 mins each time, what do I have to do to get through?!",0 +Getting up for work is so much harder when Charles doesn't have to 🙁,3 +@user when you try to place an order on PLT website and it comes up with an error but still take money out of my account #fuming,0 +@user Looking at babies just makes me cross my legs and wince 😂,1 +@user @user So what's wrong in burning the terrorists alive? If they kill you do you want biryanis and award in return,0 +had noodles for tea\nyummmmmmy\n#yum #yummy #ddlg #abdl #chgl #noodles,1 +The times when you need someone to lean on but sadly they are only there if they need you,3 +@user Id argue that sakura space is the best of the franchise and its not on your list. #dissapointed,3 +@user because one of the main symptoms is restlessness and it could explain why he isn't able to sleep/might not want to,3 +"Wow ... I don't know who Jocelyn Alice is, but judging by her rendition of Oh Canada, I'll never buy any of her music #AllStarGame #awful",0 +@user is dani alves really going to go to PSG in your opinion #nervous,3 +My heart is hurting because I had to pour my milk out because something was in it 😭,3 +3. There is already a lot of resentment against the coal miner and union crowd among the liberals. They are seen as racist and as having,0 +"So, basically, Donald Trump was so intimidated by Hillary Clinton that he sought foreign assistance (including cyberattacks) to 'win'?",0 +@user Have the most wonderful day Ian.,1 +Why is @user 'busted' bc he spoke w/Russian lawyer? He's a world bizman. Where was the outrage bc @user honeymooned there?,0 +Did they offend us and they want it to sound new?,0 +@user An outrage,0 +I've seen some get so discouraged in their old age becos they aren't physically able 2 do the things for God they used 2 do in their youth.,3 +Holding a #grudge is like allowing someone to #live #rent #free in your #head #WednesdayWisdom #MotivationalQuotes,2 +Looking up some phone prices online and it just saddens me even more 😧,3 +QLD are like the All Blacks #relentless,0 +@user use the F word as much as you need to. People may start to listen. :),2 +@user It used to scare me too... But it's better this way.,2 +Another blow for students as the SU have shunned wildcats for fear they will offend Dr. Dre.,3 +"We get #upset when we are #overlooked for doing things for others, even small things. Imagine how #Jesus feels when he died for our sins.",3 +"Lying at the pool with John , ice cream , drinks, 29 degrees and listening to busted ✌🏼️ #bliss",1 +Morning Swindon!\nIs there any chance you can cheer yourself up a bit?!! #bleak 😝,3 +Words cannot describe the sheer pain of the blisters caused by these new sandals. I am this close to going barefoot all the way home #grim,3 +@user @user Happy birthday Mom what a wonderful cake delivery youre blessed,1 +"Have you ever spoke in tongues, don't be afraid.",0 +LibertySeeds: realDonaldTrump LizCrokin Great #start for #MAGA ...,1 +@user Really it was very sad and shame!!!,3 +blood rage,0 +"Feeling slightly apprehensive, but amazing after this weekend off😊",1 +Having a movie day with my favorite today 😄 god I love my lil goth bean.,1 +"Quote of the day comes from Queen Cersei herself @user 'Power hungry people are fearful, otherwise why wouldn't you just chill?' 👏",2 +"@user @user It's what they'll be known for. Temper tantrums, obstruction, working against the American people.",0 +@user I think I will tomorrow. I ain't ready for all those feels though. 😥,3 +@user Nope we don't have it. It's an #outrage,0 +"Jordan is helping Arya hunt a moth, lifting her up to get it on the walls. it's super adorable. #kitten #boyfriend #adorable #hunting",1 +@user homyghad 😢,3 +Daniel killing her ex doeee🍫🍫🍫😛 #insecure,3 +Paul is such a fucking bully! Dam leave the poor guy alone. He went on #BB19 to play the game same as you SMDH pathetic #annoyed #worstvet,0 +I was so scared!.. I thought I lost another daughter tonight. #grateful OTM❤,1 +"@user Bullies, rudeness and littering all make me #mad!",0 +I'm blessed with a wonderful older sister I'm so happy,1 +@user Same as the bully in second grade. Classic.,0 +"The number of ppl who took it the wrong way is not that alarming, but srsly why do u think lyt dat man oy 😊",1 +"@user One of the twins was sleeping next to me. I tried to cover my laughter, but I shook so hard she woke up!",1 +@user @user @user I confess I didn't watch last week. #bad Are you going to do an episode on accessibility?,3 +"bro im fuming right now how the fuck did we hand them over james for 45m, we probably paid for his plane ticket aswell so shameless",0 +"Dirty Den returns, bursting forth from his grave to deliver a horrible vengeance.",0 +"Over 9 hours, 6 trains and 7 stations only to be back where I started #nightmare",0 +Idk why tiff always have a 6:30 am alarm that rings everyday for,0 +You won't find #excuses if you seek #optimism. #realtalk,2 +Does anybody mom annoy them just by talking and she probably not even trying to annoy you 😂,0 +@user well be offended then cause im speakin truths here 😜,0 +Well played radio station. Playing the song 'Total Eclipse of the Heart' at the start of the eclipse! #Eclipse #brilliant,1 +@user Sometimes our judiciary just leaves you breathless and speechless.,0 +Don't be discouraged.,2 +@user @user Did you not film them when we equalised ? Hmm didn't think so #disappointing,3 +What a raucous crowd today @user #GCSArtsPD17! How often does one hear applause and cheers at PD?! #excitement @user @user,1 +I'm actually very irritated 😡,0 +@user : We need more mutual #trust to increase #security & fight #terrorism & #radicalization in Europe #osce17AUT #Diplomacy140,2 +"I feel bad for people who don't understand my sarcasm. They think I'm mean, but really I'm hysterical & they don't realize it. #sad #funny",3 +"Me: How much price for this poster of this sexy man? Sales Clerk: That's a mirror, sir.\n #LaughOutLoud",1 +"By the lack of cheers for cozart when he was announced, one would assume people don't know who the reds are. #cincysports #depressing",3 +I hate the smell of cigarettes.. 😠,0 +You won't reach a #goal you hide in a drawer. Keep it in front of your face at all times. #WednesdayWisdom,2 +"And now that Im having the other way around, i feel so upset and sad",3 +I need a beer #irritated,0 +I cry whenever they call me mico chan 😭,3 +"yikes got my first job interview next week, haven't had one in years",1 +Time to get my dreads back I miss them 😩😩 #dread head #girlswithdreads,3 +"@user It's a bit sad really. You'd think that he/she/it had something better to do, wouldn't you?",3 +@user haha Use separate sheet if necessary 😆,1 +@user @user Don't insult donkeys,0 +"You can be discouraged by failure or you can learn from it. -- Thomas J. Watson,#motivationalquote,#success",2 +@user Unbelievable #arrogance to think you know better than #StephenHawking .,0 +I want a whole show of @user just reading emojis. #adorable #inners,1 +Attention seeker Chris Uhlmann highly aroused over the attention he drew to himself now enjoying some fists of fury time @user @user,1 +@user @user @user they need time to grieve.,3 +New Lyft User? Use code to get credit: INVITES #Hey coupon clippers! #cheery #LyftNOW,1 +Mummy came home and ordered pizza even though there's food in the fridge. I ain't fighting the hypocrisy this time #jalepenos #pine #chicken,1 +@user Don Jr lawyered up with the wrong folk. He aint so bright.,3 +What can you say about @user #awestruck.....,1 +Day 1 tom 😱,1 +I can feel my skull shatter from the dull chatter\nBrain spattered on the wall\nGrey stains won't dissolve\nNow I have to paint it all,3 +@user Yeah I'd terminate your contract. I had a similar problem in last place where I was told I should have 'business broadband' 😠,0 +"#Impeach\nJust a reminder - we have a bratty, infantile, insecure man running the country & congress is allowing him to throw his tantrums.",0 +@user is such an #ass. He thinks being #president is his stage to get #attention. He's like a baby throwing a #tantrum,0 +Alien Newborn - Alien: Resurrection (Sideshow Collectibles) - This thing really was an abomination! #horror #aliens #figures,0 +#good to learning #wisdom << reform (v): make in order to improve something >>,2 +Having a 280 day snap streak end is heartbreaking,3 +I am trying to get through to the #RAC because I've had a car collision..been waiting in a queue for 16 minutes #shocking,0 +Going to #BigApple tomorrow! Loving #NJTransit #commute! Wearing #khakis #whiteshirt #maybeblue #brownshoes #macys #joy #jealousyet?\n#usa,1 +@user Yea I'm going to go back when I get off work because that's ridiculous 😭 I'm super pissed,0 +"no offense to those who love k culture, u can love it all you want bbs!! 💖 but i just personally want to get to know my own country's-",2 +There's nothing more #depressing to me than thinking about how many times I will shave my legs in my lifetime. #showerthoughts #writer,3 +"@user Most pathetic after service experience for Baleno servicing, #horrible Feel i have made a mistake buying",0 +Strapless wedding dresses look awful on most people. \nJulianne Hough looked great 👌🏼,1 +Lady singing really loudly with headphones on making everyone giggle @user #train #journey #smile,1 +He is very playful and can hardly stay in one spot.,1 +"Carlsbad #Rouladen is one #delicious, hearty, home-style dish! Stop by and let us know how you like it! #getdtl #ldnont #chaucers #marienbad",1 +Really sad to hear about terror attack on pilgrims. Condolences with victims family #NotInMyName,3 +@user @user This is what happens when blinded by raging hatred,0 +Why so sensitive?! Did someone put you in your place???? #awe #shutthefuckup,0 +The optimist sees opportunity in every #barbecue; the pessimist sees barbecue in every opportunity.,2 +#funny #quote #joke Hilarious joke quote of the day! For more funny jokes pics and great humor quote,1 +@user Happy to help :) If there is anything we can do for you please don't hesitate to ask. - Thanks - James K,1 +@user @user Ugh! Not those vile men again. 😱,0 +The excitement I get when I see tipping point is on tv is rather sad,3 +Every time I fart my dog jumps in fear hahahaha yass,1 +Fuck @user Let us go for #splendid isolation !,0 +"@user trembled, the #earth quaked, and it became a very great #panic. [2/2]",3 +Looking for a Lyft ride? $50 free w/ Lyft Code: CLEO # MK #mirthful #LOVETOSAVEMONEY,1 +"You still have hope Of being lonely, apart, not having a baby. #dismal",3 +@user @user Ugh..hate Manarino got this game 😦,0 +@user Whats more sad are the adults who continue to do it afterwards,3 +#dull start,3 +Accidentally looked directly into the solar eclipse. Didn't die. Didn't get superpowers either. #disappointing #SolarEclispe2017,3 +@user @user This is such a pleasing color palette!,1 +"The good thing about being a pessimist is that when I have low expectations all the time, I am pleasantly surprised more often. #pessimist",3 +You grieve for those who should not be grieved for;\n#KissablesLoveSMShopmag\nAllOutDenimFor KISSMARC,3 +@user U make my heart flutter,1 +I get so heated when I see people go to Thailand and post pictures at places I KNOW animals are exploited and abused. #fuming 🙃,0 +"One hour great, next hour, bullshit! Welcome to Goodyear! #😠",0 +"@user #PrimeDay , free slurpee day at 7-11's, national chicken day, i got some multitasking to do and squeeze in my dr. Appt 😧",1 +@user #awesome news for the blues,1 +"my dog is a dick. started crying. got on the floor to see wuts up, rite? lil bitch start biting the shit out of me",0 +It's #AmazonPrimeDay! And I'm #broke. So in reality it just another day for me #depressing,3 +@user he knows wonwoo can't hold any longer when his fingers trembling uncontrollably :( so sol gives his mask for wonwoo and,3 +"@user Network bandwidth died after 9gb offer reedemed, damaging loyal customer relations #improve",0 +"We face elimination tonight, 6:15 @ Mahoney #RoadToMahoney #optimism",2 +@user So horrifying. I feel such sadness for the families.,3 +@user #TuesdayThoughts #horror damn it's tough to chose. But I will go to camp crystal lake but not as counselors😁,1 +It bugs me that people concern themselves so much with what other people CHOOSE to do with their money 😂🙈,0 +when will i ever be happy with myself?,3 +although I laugh and I act like a clown beneath this mask I am wearing a frown my tears are falling like rain from the sky,3 +Trying not to be annoyed but I keep getting told I'm on lists for things and then everyone's on the list except for me 😞,3 +Up early. Kicking ass and taking names. #offense.,0 +If people tweeting about #loveisland we're as passionate about other topics the world would be a much better place! #dull,3 +@user I'm sorry for any disappointment Aaron. It could be worth asking to move seats if you aren't happy to sit by the exit ^BM,3 +@user @user Don't worry Narendra Modi is not Manmohan Singh.,2 +Damn I just walked up to the train station and I literally died,3 +Hey @user you're going to go to jail one day.,0 +Too many of us are not living our #dreams because we are living our #fears.,2 +"Each of ye separate FALLEN; if we quickening his wrath upon us, will only cause our PAIN to be more unbearable in that PIT.",3 +Okay this girl On teen mom is screaming but she only 2 cm dilated 😭 when I was 2 cm I was just pissed bc she wouldn't give me water,0 +10/10 do not recommend burning your scalp in the sun. my parting is glowing red and it burns 😂 where’s a cap when you need one?,0 +@user Heeeeeey shilaaang 🙁,1 +@user Nashville Sound lyric book edition! #glee,1 +I'm so upset 😭,3 +@user made your Chicken Tikka Masala w/ cauliflower & peas tonight. So delicious didn't even get a chance to snap a pic! #delicious,1 +All these boring stations with this side bully just being tough on someone sha\n... 😞😑😑😑,0 +"@user growl like a dog, see if she lifts herself off and gives you space?",0 +"please, more comments from #tweeters that don't look at charts! #adorable $snap",1 +@user & @user THANK YOU for the retweets. Much #appreciated!!! #horror #monsters #MonsterBrawl @user,1 +@user I was fuming at this!!!,0 +ha 🙃 ha 🙃 i just realised that i've never actually been to therapy and i still don't know if i'm depressed or just sad all the time,3 +@user @user these kind of cops are the reason people hate cops & cant trust anything,0 +Cannot express my #hatred for @user they even screw me at work! 😠 this is 2nd time they cut our lines #idiots #worthless #needtobefined,0 +@user Guts? 😂😂😂 go and sunk your face in sand,0 +"If the blues were whiskey , I'd stay drunk all the time",3 +It's 6:30 in the morning and I'm dry ass up 😂,3 +@user I remember when Ron Reagan said tear down that wall. Trump is so afraid of 'others' he obviously doesn't feel safe.,0 +@user I woke up in dread too. #2017,3 +"@user @user No empathetic and realistic, I know when enough is enough unlike the rabid GOSH bashing mob.",0 +"@user Mr President. Hell hath no fury like a Democrap scorned! They offer no alternatives, just obstruct. That's all they have.",0 +Love it when @user is laughing as hard at @user rif as I am! 😂 #crying 🤣🤣 #chateaubriand @user,1 +@user Glad it went well 😄,1 +#sadness #cry 💔 dad will never understand his 3rd child,3 +@user @user I got the 'currently not available for online purchase.' #cry,3 +"The gravediggers looked #solemn. The groundhog blinked back tears. The crows fell silent.\nHey, what about ME! crowed the rooster.\n#vss365",3 +idk if i should be angry or happy that a local & trusted online shop i've been following since 2015 is already doing wanna one g/o's KJDSAHK,0 +McGregor is a clown 😂😂😂 #hilarious #MayweatherVsMcGregor,1 +@user I'm enjoying this so much😂 they're hilarious. I've a headache from laughing... I need to stop now.,1 +@user hopefully you are always #smiling TY #appreciate ya,1 +"@user Omg you're savage prof, this is hilarious 🤣🤣",1 +hey @user what happened to the strawberry and black current ones 🙁,3 +@user @user @user Still spreading the lies that Clinton allowed something like it was her sole decision. #sad,3 +My innocent eyes 😭,3 +"We can complain because rose bushes have thorns, or rejoice because thorn bushes have roses. Abraham Lincoln #optimism #FLOW #nonresistance",2 +one tweet:‘Over the coming weeks we'll be continuing to threaten various bluetick dipsh**s with imprisonment under a socialist government.’,0 +really wanna dye me hair a bright colour but iv spent all this time growing the dye out,2 +Going over the #script for this weekend! Can't wait to start #filmming! #actorslife #ActressLife #actress #horrorfilm #HorrorMovies,1 +@user Because Ken is a rabid lefty extremist and propagandist.,0 +Who also miss glee ? #gleek #glee #GleeForever #DreamsComeTrue #dontstopbelieving #gleecast @user,3 +i think i'll be sad from today until 357632477 years later....im not getting over this sadness,3 +@user Just ran out of data… #shiver,3 +"@user the only enjoyment I have at the moment, that is how sad my life is",3 +@user why on earth do you keep changing the channels? There is no logic to it and makes recording impossible!!!! #frustrated #angry,0 +"Let us not look back in anger or forward in fear, but around in awareness. – James Thurber",2 +"Before I even understood what was happening, I'd feel this pang of sadness whenever we parted 😥 #firstlove #bliss #books #lovehurts",3 +"@user Its been 6months i am behind this issue, i will nit allow you guys to bully me around like this",0 +"@user Looks like City fans are already blaming the ref for a shock defeat at Bournemouth, #amusing",1 +@user Man u r just bitter about Manu making great strides...,0 +Do you know how terrible that stuff is for you?,0 +@user @user There might be a spec of hope at the end of this horrific tunnel,2 +Goodevening 😆,1 +Chicken n stuffing going in the crockpot for din din. #getinmybelly,1 +"The Majority is angry. Use of words like Kashmiriyat infuriate it further. Hope ministers, spokesmen weigh words ...",0 +Today all India Bank strike? WTH. Was this announced? What's this strike for?,0 +@user Sorry to hear that Mark 😢,3 +"Nice one #EE so much for data protection, not impressed that you can talk to someone the opposite sex who guessed my password,",0 +#Merkel has supported all #Israeli #terror initiatives opposing the #Palestinian bid for membership at the #UN.,3 +"@user No offense, but this post makes you look like an opinion disrespecter.",0 +Have funny feeling this #mayweather #McGregor will become a trilogy. Why make 550 million? When you can make it 3x hmmm #suspicion ? 💵💰,1 +just watch a revenge movie or write it down in a journal and let it all out,0 +@user what a terrible company not had a working dishwasher now for 7-8 weeks awaiting 5 th engineer. I am disabled and need this !,0 +No legit though this is my first ever experience and it's when I don't wear makeup so was pretty ironic tbh #giggle but no ta pal,1 +@user Loves the rich!!! Fuck us 'working class folk' and our kids! #fuming #joke #scandalous #disgusting #altontowers 😡😡,0 +@user @user not deep. I'ts called depression and psycologists can help,3 +Defendant greets the bench with a cheery 'hello!'. He is late arriving at court because he was collecting his methadone script. #SwansMags,1 +We cannot let @user #bully any #indiedev into paying them for a 'faster lane'. Most indie devs don't have these funds. But @user does!,0 +@user all of this!If the GOP continues to back this mob connected man you will have tremendous regret in 2018 the voters will make sure,0 +@user Macron slips up and has a moment of clarity & common sense...now he is a raging racist. Sounds right. #LiberalLogic,0 +"I had some weird dreams last night. First about dogs whose heads explode and roaches come out. Second, dark clouds and flying into space.",3 +Important read on the difference between #pleasure and #happiness and the relationship between #digitaltechnology #addiction & #depression,1 +"@user 🤦🏻‍♀️ We were warned. And now we basically only have the choice between Trump, Pence, Ryan, et al for POTUS 🤢",3 +I graduated yesterday and already had 8 family members asking what job I've got now 😂 #nightmare,3 +It's kind of shocking how amazing your rodeo family is when the time comes that you need someone,0 +Duty calls. 😧,0 +@user Miss Gale I'd really really appreciate a follow back!! I'm one of your biggest fans!,1 +@user YOU NEVER TOLD MOI #jkjk,3 +2Chainz my nigga 😊,1 +@user Why dont you have nothing #to. #insult #justajoke #seriously,0 +I really love @user really great start to this season. #resist,1 +@user 'I spent so looking want to look like a Kardashian I don't give even give a f**k it's the dad'😂😂😂😂 omfg😂😭😭😂 #hilarious,1 +"No, I'm not 'depressed because of the weather,' I'm depressed because I have #depression #sicknotweak",3 +Cancelled trains make me so mad because we could've spent more time with Kodak in the morning 😡 #ihatetuesdays #ffffff,0 +The wildest shit just happened at work I'm astounded,0 +Documentary narrator just referred to multiple octopus as octopuses and not octopi. What do i do now? Where is my congressman. #outrage,0 +@user Video N/A 😟,3 +Any #GOP senator who refuses to #RepealAndReplace needs to bear the #wrath of their constituents @ polls home state! #healthcare #price2pay,0 +Down to one roll... Wonderful I need more toilet paper. #personalassistant,1 +@user @user Interestingly shocking and sad! American Judiciary is seriously flawed!,3 +I should've stayed in bed.,3 +#RepChrisCollins 🎃 #spins #excuses for #hatred #racism Everyone in #America heard #Trump🎃say some #WhiteSupremacists are #GOODpeople ✅MSNBC,0 +just released two videos in honer of Cory Monteith and Finn Hundson go wath link in bio\n@CoryMonteith @user #glee,1 +Seems like the only time spent sober these past few days was when I was sleeping. And even then I was waking up faded lol,1 +"Shall rest by day, a fiery gleam by night;",1 +I keep it real.. sorry if you get offended 🤷🏽‍♂️,3 +See people now selling their #MayMac presss conference tickets at Wembley for £100 now when they were free. Scum cunts!!! 😡,0 +"In order to #expand beyond the places that are familiar, you have to do things that scare you.",2 +@user #horrible experience #not satisfied #low on standards,0 +#theearlyshow my musical.ly is mariam_marigold @user #lively #musical.ly,1 +@user @user If I could just pick 8 of them then I'd have no trouble picking who I wanted 🤣,2 +@user @user @user @user I can't even find tickets anymore gunna call it a day and go cry in the corner I think 😭 lol,3 +@user Thanks bby 💚 tiff got a pair too so I'll probably steal hers lol,1 +kokobop is such a weird name\nbut I remember that it is said to be more lit that growl and it is #EXO so I'm accepting the name,2 +"@user And i'm serious, 20-23 july, singapore, holiday (and accompany my friend for job interview), with one of my friend.",2 +@user at his best.... Great to watch u go big sir. #tremendous hits \nDts boom boom Afridi 😍,1 +@user But smiling 😄☔️,1 +Hating this already 😟,0 +"@user Yeah, his heart is evil and his speech reflected that. Says a lot about your character that you find it 'awesome'. How",0 +Whoever decided to put chat functions on company websites for customer service deserves all the medals. I hate talking on the phone,0 +@user @user The left is sooo rabid for something of substance; yet they are forced to feed off innuendo and smearing,0 +Is it okay to think you are going to die alone? #sadness,3 +@user But sadly.. you are too busy with your new drama 😞,3 +@user @user I used to make the peanut butter energy balls all the time. My famjam loved them! #recipes #yummy,1 +"@user I’m glad to hear that, Kara. Don’t hesitate to get in touch again if you need to! Cheryl",1 +Edge of my seat @user loved it #dragonsontheWall,1 +@user #더쇼 #GOT7 #니가하면 rthrc #IFYOUDO #mad treeq,0 +"Don't start anything prematurely, even when u do learn your lesson early enough, know when it's just ur fears or when u need to back it up",2 +"on July 13th,1989 in #Vienna , #Ghassemlou & his fellows was #terror by the agents of the #Iranian regime\n#Iran #Terrorism \n#twitterkurds",0 +@user @user @user The official pi jam kit has arrived! #RaspberryPi #excitement,1 +I made a joke & my boyfriend laughed but when I looked over he was actually laughing at a video on his phone #sad #</3 #hurting #brokenheart,3 +Today if i was a colour it would be red !!! #rage,0 +13) mutual whos always online - @user bc we have to bully her to get to sleep,1 +"Just a side #thought, everything takes #time and #effort ... #annoyed",0 +Somebody called y'all president a fucknugget 😂😂 idk what that is but it was the laugh I needed this morning 😭,1 +@user congratulations on becoming a senior lecturer! Well deserved 😄,1 +Some white folks were jumping in joy when they thought Floyd Mayweather was broke 😂,1 +When you baby has their first temperature and all you do is worry #firsttimemum #firsttimemom #newborn #baby #sickbaby #worry,3 +#furious as fuck!!,0 +I rage quit on Minecraft and I deleted the game. #rage,0 +yas bret you're always making me laugh ily 😘 @user,1 +These guys really out here disrespecting women while their moms still be doing their laundry. 🤣,0 +A solitary rogue long hair now in my left ear? Its retreating from my head & yet is relentless up my nose? Hair takes the piss...,0 +"Lucky enough to not burn off ALL of my right eye lashes, unlucky enough to burn them just short enough to irritate all of my OCD tendencies",0 +Thx @user for hosting us @user ❤️ my boys @user @user @user 😍 #great #nite,1 +"@user @user @user @user And I apologised like 15 times and you're still holding a grudge, can't help thag",3 +"@user You have to follow @user . He's a professional gambler, mostly daily fantasy, but he will wager on anything. #angry",0 +"TFW you, a superhero introvert, have to let strangers into your house to mess around w the bathroom plumbing. #thecatsandIarehiding",0 +"@user Hi Miguel, that's awesome! Thank you very much for updating us! 😄 -Claire",1 +@user Every #girl #nightmare ha ha ha (~.~)!!,1 +Best thing about the #bossbaby film has to be the wizard alarm clock doing lotr quotes!,1 +#ease is a greater #threat to #progress than #hardship.,2 +"There is at least one alternate universe where Trump stayed a democrat, beat HRC for the nom, and got elected as a Democratic president.",2 +The best thing about #australianninjawarrior tonight is watching the failed attempts on the bomb slider. #hilarious #laughingsohard 🤣🤣🤣,1 +@user Stupid cunt is relentless with his bullshit,0 +and CLEARLY all this #breathless coverage isn't covering the REAL #Collusion story - #DNC & #UkraineCollusion !!,0 +@user #Love lights #up old tasks will soon going and!!! #serious,2 +@user Hahahahahahahah a want to move out as well 😢,3 +Dry overnight here in Newmarket with a cool sunny start but set fair for Ladies Day #good ground,1 +Fed up of smiling at old people and getting dirty looks in return. Go fuck yourself Mildred you miserable prick,0 +Love u so much but u always get angry at me😔,3 +Found out the peraon i liked wanted to that someone else #sadness,3 +"#Hateful , #horrible , #horrendous ... = last night's speech in summary @user @user @user #PhoenixProtests #PhoenixRally",0 +Absolutely loving that people watching the #eclipse are cheering - for the sun! For the moon! For wonder! 💜 #beautiful,1 +"@user i go back at the end of each year and look at the swag they marketed, to include last years training camp guide #depressing",3 +"Happy 12th birthday to my Neopet! #retro\nHappy 75th birthday, Harrison Ford! #legendary\nHappy 80th birthday, Krispy Kreme! #delicious",1 +@user @user Sort it out @user,2 +Having fun today at Mad museum Stratford upon Avon,1 +Coming up on snap chat so add me asap MATEO_BKNY #snapchat,1 +#sebastiangorka is unwatchable and despicable! #nothuman #fascist #bully #liar #vomitinducing,0 +@user @user @user nervous laughter ensues,1 +I don't fear the unsettling demons inside of me. I let them conquer the weakest nook of my soul for that is the only provenance of my power.,2 +The second type of #anger is named 'settled and deliberate' and is a reaction to perceived deliberate harm or unfair treatment by others.,0 +Antonio Conte and Chelsea must be fuming. First Lukaku to UTD and now James Rodriguez to Bayern.,0 +its #easy to be #unhappy 😐,3 +@user @user @user @user @user @user Since when was being 'fair to Scotland' a concern for the British state?,0 +@user Fuck sake i'm fuming. on the upside at least I can keep loving the bloke and that he didn't sign for Chelsea or Liverpool..,0 +"@user Off to jail with lots of other like minded muslims, with his koran, prayer mat, halal #islam = #terrorism",0 +I thought the eclipse would make it not so damn hot outside today #disappointment,3 +"@user The difference of being a third country in negotiations, as opposed to a member state, hasn't sunk in yet",0 +"I actually hate Vision. Coming over from @user is like moving from Man City to QPR. A league below, past it and clouded in chaos.",0 +Hello.. I need Some Grumpy Cat Leggings A.s.a.p. Mmmkay😂😍 #adorable #cute #infj,1 +"@user So she's saying that the mountain of verifiable evidence that says otherwise is all fake news? Well, there's a surprise! 🤣",1 +"@user @user The people worth knowing never behave like that, so methinks it's a bit of denial and resentment",0 +Good to see India indignant about Amarnath Yatra. Do also try and visit the area around it too. There may be some more graves to weep for.,3 +"Dating a skinny girl is fun though, anytime you get bored you start counting her ribs and measuring her spinal cord! #happy",1 +I'M PISSED!! NOTHING HAPPENED DURING THE ECLIPSE!! NOTHING!!!! #party,0 +@user @user Christy is a bigger piece of shit then trump is and a bully.,0 +"#Amazon's #PrimeDay debut in #India was #disappointing, maybe next year it will get better..glad it's finally here though! 😅",0 +ain't no sunshine when she's away ♫,3 +"@user @user @user I think it's awesome, I'm just going to need some time to marvel and reprogram my brain. 😆",1 +Batman like to enrage the heat on the new dimity frock and proposed marriage to me! Polly Shaw will lay me a CBGB crazy balled,1 +Thought It was a joke so sad anyway #biwott,3 +@user @user #Alyssa Y don't U use your voice 4 good instead of #hatred & #Resistance of @user I'm sure #Ivanka could help!,0 +#ATO hacking into your phone calls and text messages! #privacylaws #invasion I knew they did it but hearing them get approval !,0 +I get SO annoyed when I'm ONE! move away from beating someone at Pokémon Trading Card Game Online and they concede the game 🙃,0 +awoke from an actual nightmare about unicode normalization,3 +"@user It chases them away, girl. Or Matlakala. 😂",1 +When did we invent #kidfood ? Like oh they're a child so they can only eat #chickennuggets #crap #learn,0 +Horny. Anyone? #horny #bi #sex #london #snapchat #gaysnap #hornysnap #snapchatgay #snapchathorny #gaysnapchat #hornysnapchat #snapgay #snap,1 +My boss said to another girl who is leaving 'i hope your new job is shit.' How pathetic. Hence why people are leaving in droves.,0 +Stay angry.,0 +The fact that I could be in malia with Billie rn but instead I'm laid in bed watching repeats of Jeremy Kyle is making me wanna cry 😭,3 +"everyone says it's funny that no one took tyler seriously when he tried to come out of the closet, but I think it's sad.",3 +@user happy birthday big man 👀😂⚽️,1 +@user @user Since when did someone break #chromecast for ALL MacBooks? PLS -We #despair at days wasted trying 2 make it work again,3 +@user 🖤🖤😭🤬 Amen! Hope for revenge. This person should be punished manslaughter.,0 +"When I chirp, shawty, chirp back.",1 +On 1 side is the concern & fear 4 our teens' safety & happiness #thathorriblesuicidegame #terrifying #sosick (contd),3 +"'She trapped me, but I love her' #insecure #killingme @user",3 +Frick! @user is hilarious! Lovin his portrayal of a rancher picking up feed bags & climbing over the panel! 😂😂 #peedalittle #laugh,1 +Galaxy Global Eatery is terrific! Like free stuff? Lyft gets you here FREE with code OATH,1 +"Note to self: stop going for 'just 1 drink' in the week, it's never just 1. #hurting",3 +The #World and it's communities and #leaders are #laughing at #America as #trump #destroys #America with his #nonstoplies & #racism #hatred.,0 +@user Please turn the A/C on #dieinginhere #hot #horrible,0 +@user It really is. And it was a normal thing a few years ago but it should've stayed in the past by now.,3 +"@user said, “Surely the #bitterness of #death is past.” [2/2]",2 +when you try your best but you don't suceed!!!😞😭😭😰😰😢😢#Sad #alone #tears #b #bored #boredtodeath,3 +Who wants hot snapping?\nAdd me : rchar28 \n #nudes #snapsex #snapchat #sexting #cam #hot #trade #pics #swap #horny #chaud #pussy,1 +Post vacation blues are so real 😔,3 +It's irrelevant having a skinny body when you have a vile personality #bully,0 +"Hi, are u feeling matter? Try our today's special cloudy blue thumb with ground beef and blueberry, then you will feel irate.",0 +How the jeff am I gonna cope @ KC. Diagnosed myself with 3 serious illnesses this morning & spent £22 on ailments from the chemist,0 +@user was a guest at your show today .. Just wanted to say what an enjoyable experience from arriving to leaving #smiling,1 +"Again, this q. is brought to you by my slight feelings of irritation when I see 'obligated' over 'obliged', and I want to know if I'm right.",0 +"No matter how much @user lights up the forest, they end up getting lost 😂 \n#ZescoForest\n#SSBola",1 +"I was taught, there's nothing out there to #fear; just go out there turn #dreams into #reality, use other people fears to your advantage.",2 +@user @user @user Ah so that's why every time I see it I burst out with KAYLEIGH!!!,1 +"i must say, the amount of low-level fighters and gatekeepers running their mouths is ridiculous. #jealousy #ufc #jonjones",0 +Happy birthday @user ☹,1 +@user leave it kanna. same thing happened after Uri too. outrage and outrage until Sept 30. anyways re.. will be out today too.,0 +"@user Love your dogs...when I see how happy they are and my own dog, it helps me forget the crap. Thank you",1 +Jay Z came out of retirement just to drop the album of the year on y'all...let that sink in. Have a great day y'all 🙌🏿,1 +@user Lol....anger is not the best defense for attack. \nWait what do u do when ure angry?,0 +IT WASN'T ENOUGH 😢,3 +@user Why are you making it so hard to return a faulty item. It's not my fault that you sent out an item that doesn't work #fuming,0 +So what they do is act covertly and it turns out that they are aware of each other and fear punishment for wanting to destroy others.,0 +Tuesday night and the wine is coming out. Just got home from work if that explains it. 🤦🏻‍♀️🤦🏻‍♀️🤦🏻‍♀️🤦🏻‍♀️🤦🏻‍♀️ #irritated,0 +i was so confused but then my inner fujoshi was screaming and like i was trying so hard not to smile or laugh,3 +You can only help those who help themselves... #irritated #thisisntmyjob,0 +"@user I think the ending is about despair, and about not being able to escape the system... maybe?",3 +"@user He's still fuming over his massive failure at G19 meeting. The gravity of Junior's fuckup hasn't hit him, yet.",0 +Shaking about your 2 bills on snapchat 😅 you're obviously new to money,1 +@user What are you going to do to scrub my 19month old daughters eyeballs? #unacceptable #irreparableharm,0 +@user Also never got me a replacement taxi so I was forced to get a new one and transport myself! #terrible #twohourwait #nohelp contd,0 +"Importing shit is not new. If you want it, take the steps necessary to get it. But don't sit and pout over Japan doing what it's ALWAYS done",0 +"@user A review of my book faulted me for spending so much time on Webster's introductory front matter. But I had to, #brilliant!",1 +It's #NationalFrenchFryDay and I'm working at McDonald's. #frightened,0 +MOMS - NO Dancing at the bus stop... you might embarrass your kid 😂😂#luckytohaveme\n#momonfire #giggles,1 +And all the bullshit in your live ends and nothing will bother you ever again #depression,3 +Listening to @user and watching the #eclipse at the dog park #bliss,1 +When coming up with banal text to add to things note that 'BE HAPPY' is a lot of god damn pressure!\n#depression #anxiety,3 +Great game of tennis this one 👌🏻👌🏻🎾 #nervous,1 +@user Was DonJr target of #sting b/c #RobGoldstoneEmail has all conspiracy-crime elements? HRC knew b/c tied Trump2Russia by 6/16?,0 +Happy birthday annie!!!!!!!!!!hope you have the most #best #beautiful #blessed #brilliant #balsamic #bighearted #birthday ever @user,1 +"@user Jalf of london has no internet tonight, what is going on?? #furious",0 +There is much in the world to make us #afraid. There is much more in our faith to make us #unafraid.,2 +Can't sleep.. been awake for hours! Still haven't come up with an answer.. #stressed #cantsleep #sotired,3 +and fuck you if you get offended. I feel like,0 +@user Maybe this was a test... to see if 100% of readers need interpreters - apparently they do #offended #rude #disgusted,0 +"I just burst into tears bc a friend told another friend he would help him studying, he was so kind and wtf is wrong with me",3 +I keep asking myself why I'm constantly drawing Teo w a frown but then I just remember what's going on and I immediately understand,2 +#Goals 'Too many of us are not living our dreams because we are living our #fears. ' --Les Brown #success,2 +"we all think about it, some more than others \n\n#death #sad #depressed #suicide",3 +"Unrelated: when I see the words crème fraîche, I think of that South Park episode of Randy's obsession with the Food Network. 😃",1 +@user @user 'I'm dismayed at the UK decision to pull out of the EU and I've urged May to rejoin' - EUropean leaders 😉,0 +who knew magnus bane with teary eyes and trembling lips would be my downfall,3 +Thing is ... It's hard to be sober,3 +What a tiring day 😧,3 +@user Never a good experience at 919 E Fort Ave location. I never learn because I love chipotle #terrible #badservice,0 +@user The little details in life can build up to things that could affect you negatively and eventually make unhappy and lonely.,3 +@user @user @user @user I didn't say it because you left the party and game in a huff,3 +@user The Guptas is the middle man from hell. ..men with cigars sitting and plotting in the dark of night,0 +The best kind of self harm is through the mind #depression,3 +Remember when you were a kid and you flipped up the bottom of your shirt to make a pouch and put snacks in there? #times #snacks,1 +"Thankful for...job, healthy, sober, happy as hell about things...still have a panic attacks every time I put my sunglasses on.",1 +"Williams Lake on evacuation alert as fires rage near the city of 10,000+. Developments from overnight + forecast - 5am @user",3 +@user Wot an insult.,0 +Poetry of love ❤️ #.I love you from my heart # I love you from my soul # I love you real # you are in my all things what can I do I'm shy oo,1 +@user It's grim 😝,3 +#Being a #terrible #mother makes me uncomfortable.,3 +"“I am very sad and I feel more miserable than I can say, and I do not know how far I’ve come. I do not know what to do or what to think.”",3 +@user Happy man.,1 +@user Loving it! 😂,1 +gettin #offended is Lame,0 +May God grant us the ability to see His unfailing love fill the earth 🌏 #Psalm33:5 #awe,2 +@user 3. home alone 4. fast and furious,1 +@user @user With all the other stuff going on in houston #crime you spend your time bullying the homeless #wonderful,0 +Where did I go wrong?\nI lost a friend\nSomewhere along in the bitterness \n—,3 +#AmarnathTerrorAttack Muslims are killing everywhere Syria Iraq Palestine Everyday beyond They say that Islam is terrorism shame on you,0 +@user @user So depressing.. started out so strong.. need to win some games and get back on track,3 +"We lost: St. Louis, 2011 Week 10, 13-12 @user #satisfied #GoBrowns. :(",3 +@user Gliese 581d #smile,1 +@user Your parents should get you help not enable you & you shouldn't drink when pregnant it can kill the baby! #horrid,0 +"After all of the Disney animated films are remade in live action, will they just reanimate them again?",2 +"1 Samuel 18:15\nAnd when #Saul saw that he had great #success, he stood in #fearful #awe of him.",1 +"also, been kind of silent on s11 of the x-files because i am terrified that CC is going to screw it up! actually i know he will... #dreading",0 +So who actually leaked the info on jr. meeting with Russian lawyer? Putin? Was he angry w Trump?,0 +@user Oh for four years these panelists were the lnp cheer squad hypocrites,0 +@user happy birthday mamon!!! 😄,1 +"@user Hmm where is the outrage from the WH! Oh yeah, wrong nationality!",0 +"Harden not your heart, as in the provocation, and as in the day of temptation in the wilderness: - Psalm 95:8 KJV",2 +Binge watching #revenge im obsessed 🤓,0 +Everytime I see Kirks face I get angry #LHHReunion,0 +"@user This is a deliberate act of provocation. AKP announcing their intention to abolish TSK, which has been their goal since day one.",0 +@user You bottled it and deleted the picture😩 #scared 🙈🙈,3 +"@user #NCAA is after more money! @user should assign special committee to investigate regulations, policies and #bad practices #point (.)",0 +@user Looks beautiful 😘,1 +"those who think poly is a stage whr u can relax abit, u're wrong. u're gonna b haunt by projects and tutorials which is like tonnes ergh",0 +@user Thank you! My first solo run! #excited #andnervous,1 +"what does one do with all the bitterness + anger of lack of job security, esp. when one has no obvious manoeuvres to remedy the situation",0 +#ColorFabb #Ngen Worst filament for me :( Good finish but so fragile :'( cc @user,0 +#Two legged stool sample... #humor #serious #comedy,1 +this time i really can't articulate how i feel... i am rendered speechless. #disheartened,3 +@user It's #adorable #mnuchinwife thinks she's on a #government mission. #louiselinton,1 +She'll leave you with a smile,1 +"- She was so #artistic, .. painting .. #smiles on every face but her own .. ■|",1 +Baywatch movie is so friggin #awesome #funny #delightful,1 +Heading to PNC today to get the ball going for my MA! #goingforit #nervous #excited,1 +This time tomorrow I'll be at the airport for the first trek of my journey to America 👀 #alone,3 +@user ha! no perception needed -- just facts. it's a bunch of dudes in suits trying to gobble up money while they're in power #shocking,0 +Caroline FFS shut this whinging ‘Last Word Tom’ up!! He is unlikeable & a smartass! His biases R boring! @user @user,0 +I see where Farrah gets her rudeness from. Her mother was as horrible to Dr Drew tonight as she was. These women need help #TeenMomOG,0 +Support your local #firefighters to help ensure they are able to carry out their job tonight without fear of attack or harassment. #nifrs,2 +@user @user @user @user @user Being #gay is not an #Whatsupwiththat #nike #adidas #??,0 +"@user Probably, the way you converse...sounds funny, and I can't suppress a giggle. 😊",1 +"@user 'call to action by TV host John Oliver, who urged viewers to leave comments expressing their displeasure at the FCC's policies.",3 +@user Hahaha @user almost fell off the sofa laughing at that point. The wee jump he did as if he was scared too 😭,1 +@user Truly dreadful,3 +@user thnx fan 😂,1 +"Rage, rage against the dying of the light",0 +"WTF is happening with @user sale website. Lost my order, other order is going to someone else with me paying #raging",0 +Free yourself from the poisonous and laborious burden of holding a grudge. @user #quote,2 +"Vegas, you won.",1 +Chicks I don't even talk to look up to me. #flattered,1 +@user @user Did you see it? It's literally all porn. Does she really work for huff post?,0 +@user it's awful!,0 +@user Haha nightmare,3 +also had a dream i got to see my friend who's at basic rn and woke up super sad because i won't see her until next summer.. :(,3 +I think I have to finally admit that I need to see a dentist 😢 little bit toothache last night 😓 #fear #scared #phobia,3 +"@user --been a damn sight better!' Grisk poked Grillby's chest, a low snarl leaving him.",3 +just watched @user on Love on @user #hilarious,1 +@user Happy #blissful birthday,1 +Hey @user #imwearingyourshirt today!! #humbleandkind #awesomeness #timmcgraw #wqmx @user @user @user,1 +'The prayer of the feeblest saint is a terror to Satan.'\n(Oswald Chambers),2 +"“When the people fear the government there is tyranny, when the government fears the people there is liberty.”―Thomas Jefferson",2 +Internet 😠 Waiting 15 minutes for my Snapchat to update and it's only a fraction done.,0 +It's so sad when you talk so highly of someone then they end up disappointing u and making u look like a pendeja,3 +@user Which are sensible terror attacks parnab da???,0 +Before... I fear of not having you in my life... Now... I fear of letting you back into my life. #fears,3 +"@user wait, I saw this tweet and thought he was joking... He was serious?? 😂😂😂",0 +@user @user @user I so love @user means @user very bright people,1 +Fucк me on KIK guys : hhorny18\n #dick #sex #womensbodies #snapme #sexting #xxx,0 +Doug Beattie joked on twitter once upon a time about putting Afghan people in 'body bags'. Hard to take this outrage seriously @user,0 +45 admits that decisions are harder when you sit in the Oval Office. #dumbasastick #terrifying,0 +"*perusing the menu* I would like a green tea shake, please, with no whipped cream, but dusted with matcha. And perhaps a straw?",1 +"When I watch sport at times Andy Murray/rugby, it would be best for me to go into a sound proof box. #animated 😂 😂",1 +Ten: Amazing the snap power @user gets off such a short back-swing! #threat @user Rd of 16 #ATP 🎾🎾,1 +let's do an action for #AmaranthYatra Stand against this type of #shamless #activity give a one voice to against #terrorism #india,2 +"@user No one is above the law, if there is suspicion that a soldier did something wrong, why shouldn't they be held accountable?",0 +Happy birthday @user i miss you tons + i'm so excited to be back in florida to hear all about Turkey + to have our 🌮dates!! 💛🎉,1 +@user @user We need to get you out of there and relocated to somewhere that isn't afraid of sunshine.,2 +"i had to break it, the world is raging on",0 +@user Hats off your excellent Tetris like ability to pack 5000 passengers into a 2 carriage train on rush hour. #awkwardorgy #bitter,0 +Have to go to a occupational services place for a drug test. Yet they don't know what the heck is going on. Just great! #blah #😡,0 +@user Too true- my logic was blinded by outrage ......,0 +Black people music always has that awful little tstsststsststss sound it really bothers me.,0 +@user @user @user Are u serious ?!?! Wow 😳,1 +Today I'm #grateful for\n\nMy car\nMy phone\nMy thumbs\nGoing on walks\n@Twitter \n\nWhat are you grateful for today?,1 +So it's a proper test match Day-2 now :) ttv' s team responds to yesterday's attack from #AIADMKMERGER team:) #entertaining to be honest,1 +@user @user I'm in tears. This is so heartbreaking 😭,3 +@user Know how much in movie sales now& forever in the future that the actors & singers talking their crap about Trump Americans lost?,0 +we mourn the death of our hopes today #james,3 +@user I wonder if she's married at all or frustrated 😠 with men she came across,0 +@user So funny!!!!!!!!! #lol #clever,1 +@user Horrible CNN interview. U can't talk urself out if a paper bag. U don't even buy the crap that was coming out of ur mouth. 👎,0 +Should I change my layout too? This one looks pretty depressed 😂,3 +"@user Not just SATS. GCSE as well lost 5 marks because missed a coma, answer correct #annoyed",0 +@user It just reminds us of the 90s & early 00s. 'I'll have a pinot grigio' still makes us shudder.,3 +I think I have anger issues 😐,0 +"@user Tried it once. Poured into the sink. Didn't bother to make tasting notes :-) Looks like cheap sake, tasted like it too...",0 +@user Anything to keep you from destroying this country you're #makingamericastupid #sad,3 +@user #crap sorry but doesn’t work,0 +all this anger is making me tored and there's literally no reason to stay up for this shitshow,0 +Feeling blind. New specs please? 😰,3 +@user I used the wrong fowl sorry I'm a #disappointment please #killme,3 +Even the devil was once an Angel. #TuesdayThoughts #change #think #devil #Angels #anxiety #WordsOfWisdom,2 +I definitely know my karaoke song now so hmu and it's by Britney shocking,1 +Today marks seven years since the Kyadondo terrorist attack where many lost loved ones. We mourn & pray they continue resting in peace. 7/11,3 +Going to bed with dry and clean hair. #blessing,1 +@user @user @user @user @user Bitch played every role she ever did exactly the same. #dull,0 +"@user i did, i cried from laughter way too much HAHAHAHAHHAHAHAHAAHGAHAHA 😅😅",1 +"Geraldo At Large is an effortless, intelligent entertainment, and a fabulous, fun-filled start to the hugely lucrative franchise. #PraiseFOX",1 +@user @user you mean the 🍊🤡 didn't tweet the correction...? #shocking,0 +mood: kinda bitter bc lee hi didn't appear in jaewon debut mv,0 +"You can treat someone like a king, a queen, like they're the center of your universe and they will still shit on you lol\n\n#mood #pessimist",3 +Featuring grilled halibut with a lime basil crust and a yellow tomato and lobster coulis #yummy #seafood,1 +Bring back the scratch and sniff Avon books. Then yer da sells Avon wouldn't even be an insult,0 +The real question is why am I still up!? #cantsleep #restless,3 +'Pope fuming after police broke up drug-fuelled Vatican priest gay orgy' \nAts some headline,0 +I am furious. It is nearly 1pm and we still haven't signed another player. #getyourchequebookoutchairman,0 +I just #revenge killed a red ant for biting my son's finger. #iammommabearhearmeroar 🔪🐜🗡,0 +The person I love can irritate me the most I swear,0 +And this kind of thing happens bc certain ppl play victim bc of their gender which is horrid. Own up to your mistake and apologize for it.,0 +#worry leads to tension and pressure #prayer leads to peace,2 +I've been awake for 451 days 23 hours and I'm sleepy and tired #weary #raspberrypi #nodered #bot #iot #sunshinecoast,3 +@user I didn't. We all went out and got pissed down the local instead. 😄,0 +Not being able to jump on #mechwarrioronline is killing me . #awful #internet,0 +@user @user Goal posts moved out of America & inching closer to #Russia #horrific. #treason,0 +"Daughter, her husband and kids caught a boatload of red snapper & mackerel off Port Aransas... we enjoyed the #fish feast #delicious",1 +Ang cute ni grim reaper omg,1 +I'm still feeling some type of way about Viserion. #GameOfThrones #crying #stresseating,3 +i leave in 3 days and just now remembered that my car has massaging seats :/ #crap,0 +"We join our sister's in #SA as they mourn the death of a bright star #PrudenceMabele. RIP sis, till we meet again. #AfriFem",3 +"I respect facebook and them killing Snapchat. If you can't buy em, beat em #fb",0 +.@AlistairBurtUK states that DfiD is working hard to ensure Palestine isn't funding terrorism #FCOQs,0 +Just finished playing Mystic Messenger. And I didnt expect the amount of angst in it! 〒▽〒\n #mysticmessenger #feels,2 +"@user what are the current statistics concerning 'backdoor abortions'. If alarming, what preemptive measures are in place?",3 +Did you know the #moon is 400 times smaller than the #sun? #eclipse #amazing #SolarEclipse2017,1 +bcuz of a photoshopped pic of chanbaek lea is gonna get kicked out of her house #tragic #heartbreaking,3 +@user Dont forget to eat you dinner nunna 😄,1 +"@user This was one game I was looking forward too, server issues have spoiled the game, will not buy a CM game again",0 +Happy birthday🎉🎉❤️😘 @user I love and miss you bunches & hope you have an amazing day beautiful!!🌞🌸💗💞,1 +I just remembered I made a presentation of the top 100 male idols out of anger after seeing that siwon was first,0 +nothing happened to make me sad but i almost burst into tears like 3 times today¿,3 +I got to ride with and witness Amanda Coker break a 77 year old bicycling world record. Awesome athlete! #amandacoker #tdf #relentless,1 +Think of the amount of hatred necessary to commit this type of crime-it should be a capital offense.No bail.Laws were meant to protect.,0 +"@user @user You really need better source info and avoid the fake news, it has clouded even the obvious",0 +Happy #NationalFrenchFryDay ! Although I'm not so in the fried thing but I like have a frie once in a while! Have a #beautiful #thursday !❤,1 +The courts are really going to frown upon #butheremails as a defense. #Trump has to be impeached. The rest of the Kremlin clan get a jury.,0 +@user @user Told you ! It's basically another iron man but a cheaper version 😂,1 +@user That brown waist coat was a NO 😂,1 +Who's Your Cat Daddy!?\n\n#cats #love #instagood #photooftheday #beautiful #cute #happy #fashion #follo ...,1 +@user @user @user McNabb at times started out bad the defense made plays the offense found rhythm,0 +you take horrible dick pics @user,0 +@user I said that once and my pals ripped me a new arsehole 😊,0 +That person that #TalksTooMuch it becomes fucking #frustrating & you get #mad but u have to pretend ur interested cos ur a nice person,0 +PUPPY FOR ADOPTIONS !!! Happy pics!! Please SHARE for exposure! Put out the word to good adopter prospects!...,1 +They've cleared the warehouse floor at work and there's sooo much beautiful smooth concrete 😭,1 +I'll control my #anger... if you can manage your #stupidity. #TeamFollowBack #相互フォロー #fact #figuremeout,0 +@user Thank you so much Promila aunty 😃,1 +@user Not good. Rats nest get rid of them before they chew your wiring $$$$. I also heard they hate the smell of pine sol.,0 +@user Inside job so modi can show more tantrums,0 +"Ask yourself this:\nIf the algae appears to be gone, is it really?\nIs it worth the risk?\n #algae #water #toxic #threat #methane #cancer",0 +That morning when you get half-way to work and THEN realize the 4 year old is still in the back seat. #backtrack,2 +@user A child breathing too heavily in china could infuriate you,0 +When you put vienesse whirls in the same tub as the horrid cherry Bakewell 😩😭😷 #grim,3 +Suicide Blast killed 11 people in Cameroon. #bomb #attack #security #explosion,3 +Isis was not defeated in #Mosul. It just changed its address to #Libya. #Egypt #Sinai,0 +@user This is the most fucking cursed FEHeroes unit I've ever had the displeasure of seeing,0 +One day someone will change ur perspective from bitter to sweet from broken to complete,2 +'I'm #angry so I'm going to make you #spend #money on #me.' - @ Me\n#PrimeDay,0 +@user Ur so flippin funny!!! I love it!!! #burning!!!,1 +And my mind and my soul. Who made him substitute for my brothers and near me for all the beautiful days and I found you lost and grabbed,1 +It's a #blessing to love it's a blessing to have someone to love,1 +another chunk of #antarctic the size of #wales broke off. The #glee of knowing humans deserve their #extinction. #climatechange,0 +"and I don't want to spread it all over my twitter. It's my choice, but I, at least, needed to say this as I don't want to worry people.",2 +It's an #outrage that airports don't have smoking rooms in the departures area.,0 +@user I don't have a TV in my room 😟,3 +@user @user I never knew the situation was so dire!,3 +"@user @user That's a fucking outrage. Yeah, the frowny-face rating doesn't exactly cover it.",0 +"@user Everyone in the world uses the word #terror so it serves his own purpose, that's not only in the #GCC the case...",3 +KEEF\n \n #annoyed! cant make me bursting out it's not a fire tweet makes me and then blocking people in the joints is too,0 +"@user Bholenath ne apna Gussa toh nikaalna hai. Either the government helps take out Terrorism and do HIS work, Or the wrath is on GOVT",0 +Summer Sale! BOGO 50% OFF everything in our retail showroom! Valid thru 7/15 mix & match...equal or lesser value #BOGO #ragegrafix,1 +"Well, my minds officially blown after that #GameOfThrones #GoT #GoTS7e6 #WhiteWalkers #crying",3 +Hmmmm. Seems we only had 14 punters vote in #S20Cup. 163 followers and only 14 punters at the track. #disappointing :(,3 +Real Q abt #DonaldTrumpJr mtg not being asked- did they show him proof of #trumpdossier & threaten to blackmail #resistance #Putinspuppet,0 +@user stand up to #sexism - let people #die for lack of funds - but make sure you stand up against #sexism-are they #mad in #Ludlow,0 +Unrealistic expectations attract disappointment. And that's what you were #disappointment #sad,3 +"Yuko is best known for her cheery personality, dimply smile and prominent squirrel teeth. | She hates ballons. #OshimaYuko",1 +Well seeing the #Eclipse2017 was #amazing really cool even though it only lasted 2 mins,1 +A bitter woman says 'All men are the same'\n\nA wise woman decides to stop choosing the same kind of men.,2 +To go back in time to the 1st grade so you can walk up and shove your bully on the playground. Little asshole.\n#StupidReasonsToUseTimeTravel,0 +Depression sucks #getHelp,3 +That new Kask aero helmet is grim. Especially in yellow. Looks like a safety hard hat ... #TDF #healthandsafety,3 +I'm really upset that it's been 5 years and you still haven't followed me back 😩 @user why you do this to me solána?? 😭,3 +"Not all people are #concern, some are just enjoying seeing people in #miserable.",3 +@user This pain is restless even if my eyes are closed. I wish I never had won the race as a sperm.,3 +Studio window open- terrible smell of cooking from somewhere,0 +@user I'd never leave the couch again! #excited and #weary ❤️,1 +@user @user How does this sorry excuse\n for a human being George Soros get away with all his #hatred filled #riots #shameful,0 +@user #killerspresale - How is it fair that people have bought multiple tickets and are re-selling them at twice the price? #angry,0 +@user #shows how #irritated @user #brandkrk is #feeling for his #community #brothers! So #Helpless 🙈🙈🙈 #ShameOnBhakts,0 +The Audacity of Rampant Government! #threaten,0 +"You can't change who people are, but you can love them #sadly",3 +@user Ya one time I was like hey daddy queue up with me I can make you wild growth and he was like nice try lulu abuser 😞,0 +I am so freaking annoyed that he constantly feels the need to be a time in my life where I'd be happy with just one monitor on my PC,0 +@user Oh my lord no I just be letting him hit himself cause he throws himself on the floor and throw tantrums 🤦🏽‍♀️,0 +Yay... a big shout out for my friend @user . Welcoming her back on twitter. She a terrific writer. Stay tuned for tweets.,1 +"Longing to see Your face, Christ Jesus, I rejoice in the anticipation of Your coming again!",1 +@user @user Why is this even a thing? #lost,3 +Pretty upset with people bashing @user @user cast of 'the Know' catering to kids instead of gamers? lost respect..,3 +I'm extra lazy today 😟,3 +@user Here we go can't wait to see how much shit she chats😴,0 +@user @user Is it about rabid penguins on a plane,1 +Hoping the Giant ice that broke off will cool the ocean and bring back the Great Barrier Reef #optimism #amirighttho #sigh,2 +3 hours of hell again. #anxiety. At this point I'm convinced I'll never get an on site job again or play keyboards live.,0 +@user There should need to take serious action over terrorism sir,0 +Boom pagod 😡,0 +@user @user Inexplicably well paid talking head who lectures in impenetrable consultu-speak #dire,0 +"Have you ever just cried, because you were in the middle of some bomb rest and someone woke you up with an emergency. #sleep #cry #kms #dead",3 +I ain't had a gold heart on snap chat in so long. 😐 #depressing,3 +@user Im terrific thanks.\nI hope you managed to get even if it's just 40 winks of 😴. It was a crushing defeat. He was so dejected,1 +#broke #sadness who is ready to #donate 5$ for me via paypal ?\nSend it to info2drag@gmail.com\n#humans #help #helpmeout #helpme #donate,3 +"God's help for Israel in Isaiah 41:10, is for u today. Don’t be afraid or discouraged, He's ur God who will strengthen, help & hold u up.",2 +@user Oh definitely! I saw the snap and the colour looks great too.,1 +@user We took a trip to Ireland right before we bought our home. No way I could do it now. I dread taking 2 days off of work.,3 +This class makes me fucking angry!,0 +@user Delaney keeping up his awesome Manchester United transfer record...\n\n😂,1 +Chad and Sarah is honestly me and my ex 10 years ago 😂😂 #CBB #horrifying,0 +@user Ngi y do u do this 2 me :-) iloveyou 😘,1 +@user But what will the old woman do now? #heartbreaking #layoffs,3 +@user my BF and I just rewatched the episode of #GravityFalls you were and he's fanboying #YeahScience,1 +"@user you are a joke bank. I despair at your complete lack of common sense. The UK however, gets it. WTF is wrong​ with you ?",0 +@user mornin sexy phantom crush hottie happy tremendous totally fun Tuesday love n hugs enjoy it xxoo love yas tons n bunches xxoo,1 +Does #fear of #Missions still have a hold on you? Are you so busy looking for opportunities you cannot see anything else? Matthew 10: 27-33,2 +@user You can't make this crap up. Therefore my 😐 response.,0 +"Christian, Christ is your sacrifice that turns aside the justly deserved wrath of God & justly satisfied Gods righteous demands.",2 +#jeremyvine take a slightly dull subject and makes it so tediously boring you actually want to rip your own throat out!,0 +A good head and a good heart are always a formidable combination. (Nelson Mandela),2 +@user @user @user I believe ur mekka n madina also dikling which u kiss. A dark dirty one,0 +#TOKYO\nFear death as much as optimism.,2 +Dro and his teeth are still fine tho #insecure,2 +@user There is nothing comical or funny about corrupt officers and negotiating the rand amount for a bribe 😡,0 +@user money grabbing and RUBBISH customer service!!! Rapids shut but no reply to emails! #diabolical #CustomerService #crap,0 +"big over sized clothes, hours of use for bad haircut, 😊 real big rage #🍑",0 +I want to be like Eunice. #relentless,2 +@user how could you put this show on air !! Disrespectful to so many mums and families 😡,0 +@user and @user are talking about #depression today! What's trending in your community?,3 +I keep getting so worried about the amount of plastic that gets thrown away atm as if I didn't panic enough about the environment already :),3 +"@user I'd just whip up a cake batter or cookies & throw it in 😀 bakewell, frangipani is made with almonds",1 +@user @user Yes I also wrote to them cause my friend was getting nervous about it. Hope we get what we want ><,2 +Today's gloomy weather reminded me that winter is coming and then it'll be cold again for 7 months. #pessimist,3 +@user @user Rob is #bad,0 +I need a blue water trip lots of functions no dresses #panic,3 +It's taking apart my lawn! GET OFF MY LAWN!,0 +@user 'out of his motherfucking mind'.... don't think anyone could say it any better. #terrifying #biggestcrybabyinhistory,0 +Update. It's hot as shit and its fogging up my glasses. #pissed,0 +"The moment I joined BTS, I was nervous & felt lost. I still have those feelings but whenever I do, the people who bring me back are you guys",3 +"Oh death, where is your sting?",3 +the teacher gave us assignment to write a letter on why we should bpe hired (hypothetically) and i'm having a mental breakdown & anxiety,3 +They leave you with so many unasked and unanswered questions.... #Grandparents #sadness #myroots #abuelitos,3 +I hate getting woken up out my sleep 😡,0 +"@user You really want Fabinho, lol 😃",1 +UPDATE: One person dead & another in serious condition after home invasion in Flint. Incident happened in college cultural center area.,3 +@user Hey you lost your credibility (not that you had any) also we told you so #🤣,0 +"Sweet merciful crap that was some bad singing at the #MLBAllStarGame tonight. Anthem and God Bless, both. #wrongnotes #outoftune",0 +We probably wouldn't #worry about what people think of us if we could know how seldom they do.,2 +@user @user You mean the President Protector? The rabid revolution sleeper agent gone rogue?,0 +@user first second on #WillTNT is music to my ears 😭❤️ #shaking #missedyou,3 +"@user I skip anything below 718 score tbh. Finding other fully SI horse teams is fun though, I added a few through arena. 🤣",1 +see me #smiling at my #past like what was I thinking? \nFind #rest oh my #soul d #seas ń #storms still know HIS name. \n#JESUS\n#iLoveJesus,1 +i cant do this all alone 😟,3 +this year keeps getting more depressing and disappointing,3 +"I was deeply struck with her very presence,expressions & soul-penetrating performance.I was lost in her #bliss #NinnuKori @user",1 +I need to get out of this little funk so I can write!! #writing #funk #writerslife #depressed,3 +"'You dare threaten me, Thor, with so puny a weapon?'",0 +@user DO THE THING enrage all the people who cannot Do The Thing,2 +@user That rap reminds me of when the kids were small and they would prepare a performance #cute #crap 😂,1 +I thought he cried over some of his relative death or something but when i know the truth . I just wanna burst out 😂,1 +I hope you smiling and just laughing your soul out @user . I love you so much.. My Person\n 😘😘😘😘\n 😘😘😘😘,1 +The lecturer tonight had such a muppet frown it was great.,1 +@user omg why ☹,3 +"@user @user So much crow eating to come, crows may become an endangered species. #revenge",0 +@user @user Have you ever been to one of these things where someone wasn't unhappy?,3 +"As horrid as it will be to see him move on, let's not rewrite history, he's been our best servant under Hughes, none have out shone him",2 +@user #strange but #amazing but I #love your #pictures 😍,1 +"Wow, only 9 out of 60 pages left in my first full art book :O #amazing",1 +"Im not naive not to notice the way you looked at me, your seductions and discreet moves but you scare me honey to tell you quite frankly.",0 +@user @user Yip. Coz he's a miserable huffy get 😊,0 +@user That actually was a solid insult.,0 +@user @user Trump is now fuming. He feels the whole game may now be blown because of Jr's stupidity.,0 +"No one wants the chubby, scarred toy. #hurting",3 +@user this is a fucking dreadful opinion,0 +When you are with your friend and you are still laughing 😂🙌🏻🔝💕 @user #FriendsForever #laugh #summer,1 +"@user @user Billy Joel is in huge danger, he's so brave #inspiring",1 +"Mothafuckas wanna adopt the dark, but I was born in it",0 +"9. So to summarize... Aman, Norwood and Mitchell clearly lead the field in resources, though Mitchell's burn rate is alarming.",0 +I'm still bitter about the fact that I didn't get the Php 10/liter promo.,0 +@user Brilliant & clever as always. #delight,1 +@user Let's see how many Republicans do more than feign outrage.,0 +When you get paid and you instantly start buying crap online that you don't need..,3 +♪ Racing all around the seven seas\nChasing all the girls and making robberies\n'Causing panic everywhere they go\nParty-hardy on Titanic... ♪,1 +"#MTPDaily, @user that look you've been giving the camera, so, umm, #angry? #frightened? #terrified? #IFeelYourPain #NotmyPresident",0 +Shitty is the worst feeling ever #depressed #anxiety,3 +@user Humanist & sailor!? 😂😂😂😂😂😂😂😂 You forgot to add big time loser! #arsehole 🇬🇧,0 +@user Wow you don't read mine? #offended,0 +@user mine says the same thing. No way my offense isnt a 99 lol..wtf,0 +I love watching the bats in the evenings over the vegetable garden. #bliss #happy #urbanfarm,1 +School duties. 😧 good night ppl,3 +@user 5000 likes. There are 300 million people in the U.S. Ha. You are Real popular 😅,1 +@user Thing is tho my pout was actually serious,2 +facts about all the horrific ways i could kill them if i were in fact those animals.,0 +A little positivity for a dreary Tuesday. From my little jar of positivity now available in my #Etsy store #selfhelp #HandmadeHour #anxiety,2 +"Man, don't believe the hype, this #DJKhaled comp is garbage. #sad #terrible #trumpofhiphop",3 +@user @user A few not many #giggles,1 +OMG my darling best friend's hubbie died today whilst on holiday abroad. #shocked #tears #grief #sosad,3 +@user karamadai ranganatha. Pallikondeeswarar shiva. Some more avl. Dont outrage without reason @user,0 +better care about yourself than about others because others wont care about you #lonely #sad #depressed,3 +Beautiful morning at the beach on Anna Maria Island with my wife. #vacation #blessed #happy,1 +"love getting 5 hours of sleep, and then getting woken up to HORRID allergies. Oh good morning, world. #allergy #wonderful",0 +Best evening adult drink w/chocolate #satisfaction is @user DARK hot chocolate + chili powder + cinnamon + whiskey #delicious ☕️,1 +what will we do when #GoTS7 is over? im starting acknowledging #endoftheworld #GameOfThrones #dontleaveusjustyet,3 +'How We Are Ruining America' By this liberal lip service pointing out an inequity that they protect while feigning indignation for all.,0 +@user apparently u left a calling card... @ which address cos it certainly wasn't the address u were supposed to be delivering 2!!! #awful,0 +Some people are so irrational! #irritated 😒,0 +"Library vendors sometimes really irritate me, esp. when a new owner has little commitment to what was once a great product + poor manners.",0 +'The happiest moments in life are not actually spent laughing or smiling the whole time with so many people around.'\n#JonaxxBBTWKab39,1 +Those people's #crying who don't usually cry is really #gloomy,3 +Unfortunately listening to @user @user (as good as his show is) actually makes me want to emigrate #worstgovernmentever,0 +Tooth was not lettin me sleep last night #restless,3 +"Here in South Bend, IN, Quad Cities River Bandits leading the SB Cubs 3-0. Organist v fond of 'Master of the House' from 'Les Miz.' #sadly",3 +@user UGH I can't even contain my excitement!! 😍,1 +its horribly gloomy out rn and im flourishing,3 +I love #tattoos but seriously #justtattooofus that's just #revenge & it's #permanent for life not sure it's worth the #5mins of fame 🤔,0 +"Music is so empowering. \nit can literally bring people tears, smiles, laughter, and so many emotions",1 +"Stated at home the whole day, no eat, no enough sleep, chest and body aching. 😥",3 +"@user happy birthday love!! 🎉🎁 i hope you're having the best day, i'm glad we met💕",1 +Soooo @user we need longer episodes 🙏🏽🙏🏽😫😫 #insecure,3 +i'll never delete someone off facebook. it gives them a satisfaction that someone intimidated and i most certainly am not.,2 +"One arm around my waist, hand down my crouch to pull me towards yourself with. You behind my back, jeans around your ankles you inside",1 +@user September? Really? 😢,3 +"@user I am so stressed today I have time so if they drop it, it would be so nice. 😢",3 +So I now have 3 pairs of shit arsehole neighbours; Any advice? #noisy #norespect #bigbuilding #awful #killinginthenameof,0 +Make her burst into laughter bcs of you.,1 +I went so deep into my thoughts that I started shaking. I real deal upset myself to that point of anxiousness.,3 +@user I don't even read the news anymore is to depressing,3 +@user Then dont disappoint them 😂,3 +"Are you #different?! Don't be #afraid, just keep #calm and be what you are :)",2 +This officer is a hero! 👏 #dogs_of_instagram #adorable #doglovers,1 +"Yeah i might look weak when i forgive, but you know what? I pity more on those who hold the rage, hatred & revenge inside.",0 +Cyclist slams breaks to pace it to traffic lights. I slam car breaks&tell him careful nearly ran him over=all the cussing #charming #bulwell,0 +@user Are u going to see her in the airport? 😃,1 +"The #eclipse is boring. Check out @user , or @user , or @user , or @user These shows aren't boring.",2 +@user 😂😂 i love ur angry comments,1 +@user Always saddens me when marriage doesn't work. It's never helps when people get involved and start twisting things too..,3 +'She's alway been an achiever'\nI feel like I'm not.\n #thoughts,3 +@user Not like that.. You said you wanna leave for a while and come back soon. I don't look for you bcs i'm afraid i'll annoy you..,0 +#sad #realDonaldTrump #faketweets: Working hard to get the Olympics for the United States (L.A.). Stay tuned! #cnn,3 +Received an award at work today.. doesn't mean I need to go up on stage... I'm good thanks. Let me just do my work. #stagefright #shaking 😳,1 +I'm shaking in my boots now. The Taffia are in full flow 😂😂,1 +"@user there would likely have been signs. But let her grieve. It's not your yen yen yen, after all.",3 +I really want a fucking knife that I'm not afraid to use!,0 +Can't sleep!! Maybe #worry !!!!!! Or Maybe I need to Chang my pillow !! Maybe..!😏,3 +Can't pretend that I was perfect leaving you in fear #revenge 🔥🔥🔥,0 +When you're leaving for work and your husband is still sound asleep in bed... 😅 can I just stay home?,3 +"@user > She strikes out again, a slap, then another, advancing, furious, spitting every word. 'Dosph'natha waela lotha ligrr lu'dos>",0 +Happy bday @user . You legit the big sister I never had 😌 have an amazing day dude 🙏🏽,1 +@user I was wondering earlier how much NPD rage has been slung at Jr. because he's not as cocky as usual. Lol Hopefully a lot.,0 +You choose your mood on weather you're going to be a #blessing or be rude..,2 +"I still think of you\njust to check\nif it still hurts.\nYes, it does!💔 #selenophile😌😌😌",3 +"#PMDD symptoms: Feelings of #sadness or #despair, or even thoughts of suicide.",3 +"#TrumpRally : divisive, rude, incoherent. This man is truly insane. #terrifying #ridiculous I am an Arizonan Against Trump.",0 +"@user Well, thank you. Sincerely 😊",1 +@user They are my hetero guilty pleasure 😂,1 +12 PM Reminder: You are ok. You are safe. Don't panic. #anxiety #calm #panic,2 +"If you're nervous about tomorrow's #Origin game, just remember, if it's a decider next year it will again be the 'biggest game of all time'",2 +"'First they #ignore you , then they #laugh at you , then they #fight you , then you #win' #Gandhi",2 +@user Genuine refugees are terrified of authority figures. They wouldn't provoke them like this mob.,0 +You can clearly appreciate the sub-harmonics in both...-ONE💯😂😂😂👍🏿,1 +@user the emoji movie doesnt have a midnight premiere where i live this is an attack #EmojiMovie #midnightpremeire #outrage,0 +@user We miss James Comey....he seemed to bring some order to the horrific chaos. We pray for you dear American friends... and Trump voters!,3 +@user Guess who got a ghd now😃😃 no need to dread coming up and getting ready in mine with my boots straighter,1 +Should I be flattered that locals keep asking if Im Swedish? #Swedish #beautiful #Europe,1 +I'm so sorry\nfor so many things\nI never say it\nmy burden to bear\nSo tired of talking\neven dreams grow stale\nMadness a relief\nto my #despair?,3 +@user is a bully. plain and simple.,0 +"@user 'my own mistakes?' Grisk asked - well, more of a growl 'My mistakes meant that I could /learn/ from them and improve!'",2 +Skyq is 👌🏼 but it's about time @user sorted there internet out! #dreadful,0 +Bitch do not offend me.,0 +Majka didn't start :(,3 +"Idiot, @user says dumb stuff about his idiot son. #shocking #TheAppleDoesntFallFarFromTheTree",0 +Sam all she fuckin said was about you meeting her rents on Friday which WAS GOING TO HAPPEN ANYWAY YOU DICK #cbb #cbbfinal #arsehole,0 +@user McCain is revolting,0 +Nothing fuels my daily anger and hatred like a bus driver who stops at a yellow light,0 +"@user @user @user @user Ring a ring of roses isto do with the plague, Im sure that will offend someone",0 +@user don't worry we will take revenge u plan to run naked first .. when r u doing it ... We are showing ur hypocrisy,0 +Why am I listening to Trump when #BachelorInParadise is suppose to be on...get this crap off my TV! #ugh,0 +"Who is terrorist? A person who uses unlawful violence and intimidation, especially against civilians, in the pursuit of political aims.",0 +"ㅤ❬ @user ❭\nㅤㅤㅤ— know what else to use to make you stop sulking..” He sighed heavily, before putting on a weary expression.",3 +@user I want to snatch that beanie 🙃 tbh I'm kinda scared as well 😂,1 +It's hard to get me mad but when I'm mad I hold a grudge,0 +#UKVI why are you so difficult to access? And why on earth am I being charged exorbitant amounts to understand about my visa status?! #crap,0 +Trump's a Magician.\nBut the Prestige keeps being NOTHINGBURGERS AGAIN\nAnd the idiots keep foaming at the mouth in packs over it..,0 +@user U r but idk to what extent u can go with teasing me 😃 u love it too much.,1 +"@user no offense but one of my friend watches you and calls you his 'Synpie' which i have no idea why but, he watches your videos",1 +I start my day thanking my stars. Then I see my colleague walk away early (notice period- honeymoon scenes) and I wonder 'WHY GOD WHY !',3 +@user horrified to learn that I cant change/exchange by flight to Lisbon 6 weeks before departure!!!! #omegaflightstore £200,0 +@user @user @user @user @user Being #gay is not an #insult,0 +"It's not length, it's A #gnawing #sense of #dread.",3 +@user #sorrow of the #world produces #death. [2/2],3 +@user Happy Anniversary!! Have a great day!!,1 +@user He will be jeered even more by next year. Doesn't seem to get it that every last European including Brits think he is dreadful,0 +Day 10 !!!! #milestone #sober slept 12 hours last night rather than my usual 6 my body made me had no choice.,3 +@user #DeMario was a player but even an allegation of #sexualassault will ruin a life. Be damned sure it's true. #heartbreaking,3 +@user It's kay. They were my main healer/caster in HW...but not for SB (for now) sadly.,3 +@user I haven't read the Constitution and I don't know you're Canadian. #sad,3 +#MiamiBryce asks Buck about Dak Prescott live during ASG. And DC sports talk radio producers get to take the rest of the night off. #outrage,0 +@user @user @user @user It's EXCELLENT! #grippedbyfear #fearful #fearsome #fearfearfear,1 +@user Maybe Don Jr isn't dumb but wants to take revenge on his dad?,0 +idk why i been so bad at talking to ppl lately 😩 like something is literally holding me back but i can’t pinpoint what it is 😞,3 +@user YES!! I love making my own coffee drinks at home! #super !!,1 +@user Max £1 bet #crap,0 +@user at one point this is what i wanted rba sa? hahaha pero di jud oy di jud ☹ what if ga humss ta? 😭,3 +@user @user Where's the picture? 😰,0 +Anyone else find it really difficult to stop yourself from making a really petty tweet when ur absolutely raging about something ? 😬,0 +@user 😂😂😂😂\nU mean overprice English clubs\nReal Madrid see bayern as no threat then look 😂,0 +@user bought a ticket from Harlow T to Heathrow from ticket machine and it was not accepted by Heathrow express #fuming,0 +@user I'll be cheering you on from the bench,1 +"@user @user I've never had someone I've never even met, infuriate me so.",0 +"Once she said you are my world, now she is saying not only you exist in the earth. #pain #heartbreaking",3 +@user You do know when most people refer to the hair as “lawn” they mean down there right?? 🤣,3 +@user I am furious that these passive smokers are huffing all my cig smoke without contributing to the cost of a packet #outrage,0 +People look the other way rather than to stick to what is right and just. #sadthought #dismayed,3 +"@user Ya, writes horror so everything today in the world looks normal to this dark individual",0 +An ignominious end ... they changed everything from analog to digital! 😱 IKR? Everyone who still had an analog phone *had* to,3 +Just asked someone for help and to low key be my mentor #adulthood #anxiety,3 +Absolutely love @user but can't listen to it during my commute on the subway because I burst out laughing and people stare!,1 +Are people becoming more annoying or am I becoming more angry?! 😩😒😕\n#introvertproblems,0 +@user Just one? 😄 Cress and Thorne from the Lunar Chronicles. Good character arcs + absolutely adorable.,1 +"Thank you, @user for using the Afghanistan policy of #44... he was pretty smart! \n\nP.S. Do not look directly at the sun! #bad",2 +@user I hope didn't scare other people who owned this figure that he will move at midnight 😂,2 +I forgive everyone. It's rare for me to hold a grudge.,2 +@user @user Fourth Visit in a row... Wow!!! Amazing as ever... Can't believe I can't go again... #whatpart... #brilliant 🦇,1 +#moist people aren't #offended by a little typo.,2 +Fuming with @user always awful customer service given. #fuming #angry #shitservice,0 +"@user beyond a joke! So #furious right now you have left my niece, sister and brother inlaw completely in the dark! Crap customer service",0 +"You want to know why I was laughing? It was a #solemn occasion, that's why. And she was always laughing, wasn't she? #VSS365",1 +"Never stay silent or let anyone intimidate you into silence. Lets make the world a better, safer place for kids #wallofsilence",2 +"Casper, Wyoming is just about to witness totality 🌝🌚 #amazing #Eclipse2017",1 +Thousands of pickled certified ostrogoths ! #angry,0 +@user @user go ahead & #coon. Would love to see you get hit by a man. I bet you wouldn't find it funny #blackhatematters,0 +#gh Jason & Sonny are hearing a little more of what Sam went through #heartbreaking @user @user @user #BillyMiller,3 +"On that note, petition to take HPE for .5 credits so your horrific grade in there matters less. #ORUFreshmenAdvice",0 +Summertime sadness,3 +@user Who even knew that the Eu could be vindictive.,0 +When lil bro refills your water bottle cause it's a desert when I sleep... #cheering #lazysis,1 +I woke up too moody who gon Die today 😠,0 +#congress start charging back the dems #for taxpayers money waisted #pissed off with u,0 +@user They are adorable !!! I need them all 😭,1 +Why is an alarm clock going 'off' when it actually turns on? #alarm #alarmclock #ThursdayThoughts,0 +@user I'm feeling bad for the family dog. #nightmare,3 +Feeling #restless today for some unknown reason,3 +"Then he will speak to them in his wrath, and terrify them in his fury, saying 'As for me, I have set my King on Zion, my holy hill.'",0 +"I'm not picky, guys are just intimidated by me... and I don't let dudes run over me or run my life and finances. If u can't respect that bye",0 +@user #Women#Powerful#Sentiment\nChibok is NIGERIA #concern,2 +@user @user No she incriminated herself with a multitude of felonies over her 2 1/2 decades of #terror on the US\n#MAGA\n#POTUS45,0 +@user @user I don't think it's very funny you guys bullying a man for struggling to put on a poncho #bully #bullies #bbc,0 +@user Just what in the hell is that supposed to mean? #offended j/k :cD,0 +I loved you even when everyone told me it was a bad choice 😕 #wish #you #stayed #away,3 +"Siward, with him #father to #anger; blunt not confessing #MacduffWasGoing",0 +@user Happy US Publication day Riley!! So excited for you and for everyone who is yet to read the amazing #FinalGirls #TwoDaysFor🇬🇧,1 +@user Indeed 😲\nAlways a #worry for our #homeland #Gibraltar #Spain \n#Tale or #foretelling #future\n#great #short #story,2 +"@user @user @user Not religious, but a game that the Inuit women play - first one to laugh, or breathless, losses.",1 +@user #F3Roswell #Preblast\nI've been handed the keys to Roswell Area Park. See you in the gloom. Be ready to slip & slide at 0530,1 +"@user Sir, people need revenge",0 +#pissed Hate losing more than Montrezl Harrell Why have meteorologists been so impressive after that pick.,0 +I hate you.\nI want to know how you feel about me though. Because I want you to like me so I can break you.\n#darkerside #revenge #wasteoftime,0 +I've used almost half of my printing money and it's the first day of the semester. #pissed,0 +@user OMG! Are you kidding me with this? I thought Pence was bad but they had to go even farther!,0 +"I just tore my 2nd meniscus in 2 months what the fuck have you accomplished. But seriously, reaching maniacal laughter pain/WTF, self?-ness",0 +No offense but I was team cap in civil war but I understood some of Tony's reasoning,2 +"#happiness can be found, created or curated.\n\n#depression #DepressionAwareness #Depressed",3 +@user Some jurono play very smart dont support truth but give opinion in a way tht ensures government dont feel offended,0 +"What's wrong is always available so is what's right, you decide on what to focus. #success",2 +Thx Netflix for making me hooked on Fosters!!! #anxiety #crying #cantturnitoff,3 +@user @user @user People know your serious now brother! #awesome,1 +What are some good #funny #entertaining #interesting accounts I should follow ? My twitter is dry,1 +"In this state of #terror, you are far more susceptible to #addiction. 🤔\n\nAlso more likely to spend your #money in attempt to feel better.",0 +"i know i have been ranting these for days, but fuck how can they dub weightlifting so poorly? 😠",0 +"Elle: a delicious, dark, perverse work of intrigue, streaked with cruel humour. Superb performance from Isabelle Huppert. A one off #ElleDVD",1 +We have a GLOBAL problem: Illicit trade in #tobacco products presents a serious #threat to public #health. #UNTobaccocontrol @user,0 +"And then when you tell those people, they’re wrong in their stance, they want to get mad and start bullshit. I don have time.",0 +huddling before flames\ndon't let poetry scare you\nproduction is wild\n#haiku,2 +reminds me a little of Monster (though on a tiny scale) and it has one of the most genuinely horrific villains I've ever seen,2 +One of my clients just said that my look reminded her of Kim Kardashian! Oh shoot hey now! Watch out...\nNot bad.. okay #flattered,1 +@user I always preferred the quiver,1 +@user @user @user That's like asking someone to back up a claim that toddlers throw temper tantrums.,0 +"'I smile. I laugh. \nBut behind it, is a mysterious me.'",1 +When you took off for expo but the flight you need is sold out 😭😭😭 So no expo for me,3 +I'm a talkative person but how does the scowl on my face at 7 am lead my neighbors to believe that now is the time for conversation?,0 +One chair is having the munchies. Are Alpacas edible? #afraid #WhattheFAC #SalientFAC #Salient2017,0 +I dont know if i'm able to take care of kids or not. Duduk dengan anak sepupu (boy) pun dah menguji kesabaran 😅,1 +@user Crown? Teaching the kiddies to have a flutter?,1 +#AmarnathTerrorAttack saddened to hear this ....need to take strict action against #terrorism ...,3 +going back to work today is so depressing,3 +"Today, no matter how desperate or dire your situation nothing is too difficult for God. (Jeremiah 32:27) #JustBreath #HeIsAble #Believe",2 +"@user Russia , Russia Russia, Know any other word??? It gets old folks. We need to work together. Dems having tantrums!!!",0 +"@user « crouch, as though she is about to attack. She launches herself into the air towards me and explode in tiny dazzling orbs of »",0 +"@user @user @user Congratulations Jo, that's fantastic #30Years #inspiring",1 +"@user #bitter we all have bad experiences, this was 22 years ago...time to let it lie... @user forever ❤😍❤",2 +@user do you have the first peppa pig vid with come out ye black and tans handy? obviously lost online with the old page :(,3 +max @user is lit af he rly put up w my dumb ass for abt two yrs ol boy deserves an award <3 i lov him sm hes a delight & a half,1 +The hype is real. #SagasOfSundry #dread is amazing. @user,1 +"We are hard-pressed on everyside, yet't crushed; we are perplexed but't in despair; persecuted, but't forsaken; struck down, but't destroyed",3 +@user This thread is a bunch of Putin lovers rejoicing over a video posted by Iranian state television. Sad!,3 +"JaredKushner & IvankaTrump are called senioradvisors,but are more like #caregivers who try to moderate dads outbursts of #narcissistic #rage",0 +House sitting for MIL. Feeding baby @ 3.45 and cat starts scratching at door. Mummy now needs a nappy :S #terrified #NeverAgain #nope,0 +I'm sorry but it just feels wrong to have an All-Star Game without #Bryzzo there. #depressing #ASG2017,3 +"@user dude, you're killing it on KSR #hilarious #AradioNatural",1 +stand on ze point! standing near ze hurting. good to lose. zhe flesh is exciting! oh ho hoh! zhat book certainly seems angry!,0 +season 6 #glee,1 +Yaaaaaaaaaaaas!!!! Scotty Sinclair #wonderful #magical,1 +@user @user U envying Blac Chyna money yet wanting donations urself 4 whiteman #gossip #snarl!,0 +Adam Sandler is actually super hilarious & all his movies are funny & heartwarming,1 +'A #nation is a #society #united by #delusions about its #ancestry and by common #hatred of its #neighbors.' #Fact #TeamFollowBack,0 +Mon the Blues! #origin #queenslandvsnsw #blues #hayneplane 🔵🔵🔵🔵🔵🔵🔵,1 +@user increasingly I am. Corbyn would screw us with his ideology. Don't expect tories to do it through sheer incompetence. #grim,0 +@user @user Looking forward to the big fella's comeback... #furious,0 +I am a terrible person. I have a viscerally negative reaction to Big Bird's new voice on Sesame Street. #shudder #nope,3 +@user @user Ou geek 😄,1 +"Sad to hear interviews w/ Trump voters, now terrified abt losing healthcare\n\n#npr #cnn #HuffPostPol #nyt #WaPo #AP_Politics #BBCnews #msnbc",3 +It's 2017 and there still isn't an app to stop you from drunk texting #rage,0 +"When people tell me they're a huge fan of #LordOfTheRings, but they've never read any of the books...\n\n#sadness #despair #misery #covfefe",3 +@user This is ☀️this is clouded sky 🌥😂😂😂👍🏽😁👏🏽,1 +Words may sting. But silence is what breaks the heart.,3 +My work called me at fucking 5 am to tell me to come in at 6 instead of 7 I’m fuming,0 +Mayweather's trash talking is on par with Nate Diaz #terrible would love to see McGregor KO him #MayweatherVsMcGregor,0 +#NoBetterFeelingThan teetering right on the edge..\n\n#joy #pleasure #happiness #bliss #anticipation,1 +#muggymike #revenge oh dear,0 +"I'm furious, wondering what happens after the latest 'Yep, sounds pretty treasonous' scandal. At least calling Sens is something we can DO.",0 +Family stuck with crappy options thanks to @user . Worst airline. #furious,0 +Depression & fear come when we're hyper-focused on what we don't have or who we're not instead all that we have and who we are! #contentment,2 +Hello puss! Puss puss puss! Don't be afraid!,2 +Actually gunna miss America a lot 😰,3 +When you realize you start college in literally less than a month hahahaha what the FUCK I just wanna be a #carefree teen forever TF,0 +"That moment you pour your heart and soul to a girl, she reads the message, but doesn't reply #love #relationship #help #idontknow",3 +"'Suddenly I can do so much, & it feels like my brother was holding my back in a way, & that feels like a horrible thing to say' #InsightSBS",0 +"Once you've been hurt, you're so scared to get attached again, you have a fear that every person is going to break your ❤️💯",3 +Honestly Michael Clifford is so fucking ugly who let that rabid dog make music,0 +It is a shameful thing to be weary of inquiry when what we search for is excellent. - Marcus Tulius Cicero #ALDUBersaryin5Days @user,0 +"Jellyfish are turtles' food, turtles that you kill by throwing YOUR plastic wastes in the sea. So don't complain when they sting your ass.",0 +OH YEON SO's kdrama is so nice and i am still in awe that she and dara are friends now.. hope they can have kdrama soon!,1 +This rain had me dancing in the street #rejoice #rejoice #thetimeofgreatsorrowisover,1 +@user @user the one college stadium I really hope the offense is atrocious Who TF is Derron Smith?,0 +someone cheer me up,1 +"For every dark night🌑, there's a brighter day🌞.",2 +"Consider the language. She says DJT Jr. Sought, wasn't promised, dirt on HRC. Will inflame the left, may compel the right to lash out.",0 +Getting out of the car park could take longer than the Jimmy Carr show ran #nightmare,0 +@user tou sad,3 +Cream tea @user #delicious,1 +"Quick annoyingly vague scream into the void: AAAAAAAAAAGH. I'm nervous, excited, terrified, trying not to get my hopes up",0 +@user Stop fearing and stop fearmongering. You are much better than that.,2 +New #madden franchise league on XB1 coming soon Follow & DM if interested full 32 team league 1st 5 help decide rules & rosters,1 +#BonnieRaitt just made me feel all the feels. 😭 #favorite,1 +I hate when stupid ass shit irritate me,0 +Saddest part about messing up both my legs/ankles? I miss heels. Being a 7fg giant was fun. #sadness,3 +"All I want to do is sleep. My dreams are bizarre, but still an escape from my problems. Is this #anxiety, #depression, or both? #tiredoflife",3 +Earlier: where's #NotInMyName gang?\nNow: hope they have placards condemning Islamic terrorism. \nNext: ?,0 +"Been so active these days. That now that I have a day off, I am soooo restless. :P Haven't been restless in months.",3 +At least @user not turning up is not the most outrageous thing at #F1Live #Kaiserchiefs,0 +"Article 370 must be abolished. Human rights must be denied to these NGOs, Separatist n terrorists who advocate peace n terrorism. @user",0 +furious refrigerator makes you blitzed,0 +WOW this season is going to be GOOOOOOOOOOOOOOOOOOOOODDDDDDDDDDD AHHHHH #shocking and #Intense,1 +@user @user did u take a fee for this instead of just pointing? #outrage #twitterfume,0 +"Don't be light and dark, night and day, smile and cry, ――you and me.",2 +"@user Muslims r justifying terror attacks on Hindus citing babri, but who is hurting Hindu sentiments time and again by killing cows?",0 +"Most condemn, some protest and few revenge, it takes guts. That's all. \r#AmarnathTerrorAttack #Hindu #Kashmir #RajnathSingh #Modi #Ninda",0 +"#Media will debate, politicians will blame each other, on the ground it feels amply clear #India stands defeated against #terror. #Breaking",0 +I should've gotten an apartment with Kenneth 😭,3 +@user just because you married money doesn't mean you have class it just means you are a high prices prostitute. #adorable,0 +"'...built in #order to #start #afresh. Such #thoughts caused #energy to #flag, and #people concerned...' (The #City CoA)",2 +@user I have tried #PUR Mojito Lime mints They are #delicious 😘Happy #NationalMojitoDay to all #contest #win ✅💚,1 +sometimes I think I'm just #afraid as a person,3 +Grind smarter. #Hustle #Grind,2 +@user I try not offend too but tbh if anyone says anything bad about Aaron or Aaron stans that's when I start getting shitty 😂,0 +@user Nope and never has despite tech support saying it's a network issue. Support and communication has been awful.,0 +When one door closes another one opens #opportunity #growth #optimism,2 +Your smile could never make me frown.,1 +Goddamn fucking piece of shit panic attacks...,0 +Is it national dont use your blinker day or something? Wtf!,0 +@user ... or have an earpiece that feeds him gruelling questions by an irate news editor :),0 +how can u expect me to love something that makes me so unhappy? 😌,3 +angry? the austrian in front of you is even angrier,0 +I can't wait until I finally meet the loml. These pussy boys are really starting to irritate my soul.,0 +i love his smile,1 +@user why is your phone and booking system so poor,0 +@user Wishing you well sir... you are an extremely straightforward and jovial person...,1 +Is it weird to look at your creative work and not know if it looks good or not? 🤷🏻‍♀️ Does this even make sense? #😂 #design #EclipseDay,1 +"@user This isn't about the UK government, sadly: reading what I can of the article, it's coverage of the Irish law review.",3 +@user @user Can you falter Katli?,0 +I miss my friends so badly 😢,3 +4 years 😭rest in piece #coreymontheith #glee,3 +"Today #wanking target: #Long #sexy #tongues\nThat's my #fetish - #long #yummy #tongue\nIf any girl want,sent me your tongue photo :) I love it",1 +Feeling full of existential dread? Bash mass surveillance 🌱,0 +I can't believe a burrito was left on this sink and nobody though to trash it,0 +"first ever doctors appointment without my mum, how daunting",3 +"I'm 7 months sober today and still, all I want is to dig up my xanax and turn off my brain",3 +Nicole: we have to go somewhere warm and tropical\nMe: okay where?\nNicole: Oakland\n\nWhy does no one in my life ever look at a map?? #lost,3 +"An email that will never be sent, a message that will remain unsaid, a voice never heard again. #loss #sorrow #Friends",3 +"Thankful 4 Mother Nature's help with the 'watering ', downside, my legs are protesting 😣 #ouch #snap #crackle #pop rice crispies 4 legs 😀",1 +Jock! Pakistani are Firing on loc without reason.They r Killing our Pilgrims. #PMO Thanks! V r safe! R V #warfools ? #fearing PAK nuke??,3 +"With you, I'm lost in the moment. Without you I'm lost in the world.❤️🤐 #world #moment #lostinthemoment #You",1 +Why do I get mad so easily 😐,0 +zayuuum...bey's tatas got huge lol😋 #yummy,1 +mom asked if i wanted acrylics & i said 'no because you never know when someone gon let me tickle they pussy' she was deeply offended. lbvs,3 +ever shit and just become another cog in the chat i will not hesitate to smack ur bottoms,0 +Low key Dro f*cked Molly like he had a point to prove lmao 😂 #InsecureHBOِ #insecure #MollyOutHereWreckingHomes #repeatcycle,0 +And the idiots are still gobbing their ridiculous garbage with no better brain it's all they do: the relentless braindead garbage gobbers,0 +they think they're The Shit when they ain't shit gdi im bursting with anger,0 +@user But his mannerisms are hilarious !!,1 +"@user Duna what u mean mate, am a delight",1 +When you call the sick line hysterically crying. #awkward #anxiety #depression. Prob gonna get fired. 💔lol,3 +Sector71-78 area is all full of #Immigrant #bangladeshi they are a #threat to us\nthey #steal #Rape #Kill #bully \n#SaveHindusInHindustan,0 +"The Republicans need to offer a detailed and competitive plan, if they don't buy counter terrorism, or their own plan.",2 +I CANT EVEN BREATHE IMM STILL ROLLIN UP THAT CHRONIC 😤,3 +Nobody *assumed* what role you should play. It was a dream cast. It's not real life. Get over yourself and pipe down. #rage,0 +Still at school 🙁,3 +"@user Wherry has, but pnp has been not so much sadly",3 +Apologies don't have to be sincere. They make great place holders while you quietly harbor rage and plot adequate revenge.#TuesdayMotivation,0 +wanna hangout with mah bessy ☹,3 +@user good to know 👌🏼 I'm hard to offend when it comes to tmi shit lol,1 +U know what's very pathetic? The fact that I dearly miss my professors but they probably forgot about me already. #sad #:(,3 +"@user Sorry to burst your bubble, but opposition research is part of every political campaign. Doesn't matter where it comes from.",3 +Wtf is wrong with u pldt 😤,0 +@user .@CrowGirl42 and I also! If you're over 105 wear whatever the hell you want! 😅,0 +"Would love to stop crying sometime today, on my tenth cry 🙄 deep sadness on top of food poisoning do not mix. #miserable",3 +"They'll pollute workplaces, threaten the existence of others and destroy relations its all they know how to do without CONSEQURNCES",0 +Defin @user Worst.Internet.Service.Ever. The cancer of monopolies,0 +"@user Do you live in Manhattan, broflake? You're fake outrage is at whiny-Millennial level.",0 +Gutted for #andymurray. #sadness #balls #Wimbledon2017 🎾😬🎾,3 +flatmates provocating pine pollen man,0 +@user LOL 😍 This show is so funny,1 +@user may I ask a question please #scared,3 +@user @user No ones trying to fuck with you tiff.,0 +"@user Yeah I've had that, l say hopefully you'll never get it then you horrific waste of skin.",0 +Few things more frustrating that organisations who don't have media contact numbers and request you 'fill out our online form' #rage,0 +@user Nana's death in the Royle Family 😢,3 +met a cute virgo boy from maine. He shared his joints with me while we harmonized in a garden.,1 +@user @user And using political power to exact #revenge when they don't get what they want. #Kushner,0 +I'm so sorry\nfor so many things\nI never say it\nmy burden to bear\nSo tired of talking\neven dreams grow stale\nMadness a relief\nto my ?,3 +Grumpy AF today #badsleep #grumpy,0 +When you watch @user #MainEvent and play a small tourn. in your local 🇦🇹 cardroom. #limpedpot #familypot #horrible #polkish,0 +"see, that shit would irritate me so much. don't save my picture and then have a secret circle jerk on twitter about how you DONT like me",0 +"Don't be afraid of your fears. Their purpose is not to frighten you, but enlighten you and lead you into a better future. #dailycraig #fear",2 +I don't know how much longer I can play stupid 😒😔 #heartbroken #stupid #sadness,3 +alec is a sad baby when he wakes up without magnus next to him n I'm screaming,3 +"I can drive you crazy without each other, chase each other but it was supposed to go again.\n I see you, my sadness, Be my",3 +"Me and @user snap streak is at 260, if that's not amazing I don't know what is #commitment",1 +Cool and dreary in the orchard this morning. If you're a die hard picker and still want to come out please dress accordingly.,1 +@user Not much room in there 😱,3 +i feel like i'm downcast 😶,3 +131: Lyttleton: Love can hope where reason would despair.,2 +oh and my alarm should be going off soon for the doctor so that's fun,1 +#Sad #sentiment does a bad mind-#management as worry that is had gives #resentment by spoiling the #present #moment and so we deeply #repent,3 +"As included in the Villalta scale, people living with #PTS experienced heaviness of the leg and pretibial oedema. #ISTH2017",3 +Literally @user is the best thing. I used to spend HOURS reading this shit when I was in college. Still so fucking funny #dying #hilarious,1 +anyways Stan Astro i'm goijng to sleep bc i stayed up all night again i lvoe taylor and yoongi Bye,1 +@user @user Tory teachers I know are disillusioned by another 1%. There seem to be more sullen faces in the staff room.,3 +"If you don't follow @user you should. His feed yesterday, all day, was gold. #TrumpJr #baffled",0 +I'm more a world half alive than half dead kind of poet. #poetry #climatechange #despair,3 +"Is @user on Fourth of July holiday in his mind?\nOr is the heatwave getting to him, ha?\nGOTTA use your mic! 😀\nThanks for the giggle!",1 +The point of maximum danger is the point of minimum fear.,2 +Add me on snapchat : dfdf_66\n#dick #pussy #nudes #horny #anal #ass #bigbooty #bobs #cock #blowjob #sex #sexy #snap \nAny horny girls ?🔥💦👅👅👅,1 +discouraged,3 +@user @user @user probably not and i resent my tax money being spent in this way.,0 +Why would Mourinho be talking about Lacazette?? He doesn't worry about other club's players. That's Klopp and Wenger's job,0 +I'm changing the snowman's into awful looking monsters at night. Its so funny when their owners encounter them and scream!,1 +@user @user I think this might sadly be too late for @user or @user,3 +i want to cry just thinking about college and it was only the first day #a #good,3 +@user @user @user Well that's funny cause we all know she is a serious Russian mafia atty,1 +@user @user Delusional. Disgraceful. Democrat. Enough said.,0 +Definitely crying from the worst nightmare I've had in a awhile,3 +.@POTUS every other President has said you can really only govern foe 18 months until the re-elect. Why are you focused on 2020 now? #scared,0 +"I don't know why I'm like this but, whenever I see him, I just smile and feel happiness when he's around💕",1 +@user First it was steaming pussy with garlic now this 😰 ao i give up,3 +That heartbreaking moment when you realise that @user has stopped following you on Twitter. #depressed #cryinginmysleep,3 +I need a sparkling bodysuit . No occasion. Just in case. It's my emergency sparkle suit .,1 +@user I've finished reading it; simply mind-blogging. The writer said 'to be continued' but I haven't found part 2. #depressing,3 +shaft abrasions from panties merely shifted to the side\n\n#theoldsideshift #annoyance #humansoflatecapitalism,0 +All this fake outrage. Y'all need to stop 🤣,0 +Would be ever so grateful if you could record Garden of Forgiveness gentleman @user @user #amazing,1 diff --git a/notebooks/data/train_emotion.csv b/notebooks/data/train_emotion.csv new file mode 100644 index 00000000..0e5ef547 --- /dev/null +++ b/notebooks/data/train_emotion.csv @@ -0,0 +1,3258 @@ +text,label +“Worry is a down payment on a problem you may never have'.  Joyce Meyer. #motivation #leadership #worry,2 +My roommate: it's okay that we can't spell because we have autocorrect. #terrible #firstworldprobs,0 +No but that's so cute. Atsu was probably shy about photos before but cherry helped her out uwu,1 +"Rooneys fucking untouchable isn't he? Been fucking dreadful again, depay has looked decent(ish)tonight",0 +it's pretty depressing when u hit pan on ur favourite highlighter,3 +@user but your pussy was weak from what I heard so stfu up to me bitch . You got to threaten him that your pregnant .,0 +Making that yearly transition from excited and hopeful college returner to sick and exhausted pessimist. #college,3 +Tiller and breezy should do a collab album. Rapping and singing prolly be fire,1 +@user broadband is shocking regretting signing up now #angry #shouldofgonewithvirgin,0 +@user Look at those teef! #growl,0 +@user @user USA was embarrassing to watch. When was the last time you guys won a game..? #horrible #joke,0 +#NewYork: Several #Baloch & Indian activists hold demonstrations outside @user headquarters demanding Pak to stop exporting #terror into India,3 +Your glee filled Normy dry humping of the most recent high profile celebrity break up is pathetic & all that is wrong with the world today.,0 +What a fucking muppet. @user #stalker.,0 +Autocorrect changes ''em' to 'me' which I resent greatly,0 +@user I would never strategically vote for someone I don't agree with. A lot of the Clinton vote based on fear and negativity.,0 +@user Haters!!! You are low in self worth. Self righteous in your delusions. You cower at the thought of change. Change is inevitable.,0 +I saved him after ordering him to risk his life. I didn't panic but stayed calm and rescued him.,2 +@user Uggh that's really horrible. You're not a bad person by any stretch of the imagination. I hope this person realizes that.,2 +@user @user @user Tamra would F her up if she swung on Tamra\nKelly is a piece of 💩 #needstobeadmitted #bully,0 +Love is when all your happiness and all your sadness and all your feelings are dependent on another person.,2 +"It’s possible changing meds is best not done while under stress. Difficult to tell what part of despair is circumstantial, what is drugs.",3 +"im also definitely still bitter about the yellow ranger not being asian, but asian representation in hollywood is essentially a shrug anyway",0 +@user The irony is that those protesting about this kind of stuff are the Orwellian nightmare they think they’re fighting against.,0 +@user @user nah way that's horrible,0 +@user I think just becz u have so much terror in pak nd urself being a leader u forgot d difference btw a leader nd terrorist !,0 +angel delight is my everything,1 +Puzzle investing opening portland feodal population is correlative straight a snorting infuriate: XLzjYhG,0 +I believe I'm gonna start singing in my snap stories on the tractor. Switch it up a little bit.,1 +I have a rage rage ep 2 coming out soon I'll keep you posted on it #YouTube #youtubegaming #rage,0 +Why have I only just started watching glee this week I am now addicted 🙄 #glee #GLEEK,1 +"Jorge deserves it, honestly. He's weak. #90dayfiance",0 +@user 'shit' doesn't even begin to describe these fiery little demons straight from hell 🌝🌚 ;),0 +@user @user ditto!! Such an amazing atmosphere! #PhilippPlein #cheerleaders #stunt #LondonEvents #cheer,1 +"Interview preparation, I hate talking about myself, one dull subject matter! #yawnoff",0 +Manchester derby at home,1 +"It'd probably be useful to more than women, but I'm dealing with re-reading an article about a woman being harassed on the subway. #concern",0 +her; i want a playful relationship\nme; *kicks her off the couch*,1 +Romero is fucking dreadful like seriously my 11 month old is better than him.,0 +"@user It’s taken for granted, while the misogyny in the air is treated as normal — and any angry response to it as pathological.",0 +@user oh I see. I've seen so many people mourn the loss that I was surprised to see your tweet. I suppose same old here in SA,3 +so gutted i dropped one of my earrings down the sink at school,3 +"Happy birthday to Stephen King, a man responsible for some of the best horror of the past 40 years... and a whole bunch of the worst.",1 +“ My courage always rises at every attempt to intimidate me.”\n-Elizabeth Bennett (Pride and Prejudice)\n#Quotes #Courage #FaceYourFears,2 +"It's a good day at work when you get to shake Jim Lehrer's hand. Thanks, @user Still kicking myself for being to shy to hug @user",1 +I'm so bored and fat and full and ridiculously overweight and rolls galore,3 +"@user Flirt, simper, pout, repeat. Yuck.",0 +"Trumpism likewise rests on a bed of racial resentment that was made knowingly and intentionally, long before Trump got into politics.",0 +There's this Bpharm4 guy Eish that guy brings anger into my life. When I see him nje like darkness fills me @user will know,0 +"Tears and eyes can dry but I won't, I'm burning like the wire in a lightbulb",0 +Nor hell a fury like a woman scorned -- William Congreve,0 +@user Tried 2 get earlier flt 2day @user Turnd away bcuz it was 2 late Then agent let other pas on #silvereliteleftbehind,3 +"@user I so wish you could someday come to Spain with the play, I can't believe I'm not going to see it #sad",3 +"Val got a little too big for her hiking boots with that bakewell, the little terror #GBBO",1 +@user bts' 화양연화 trilogy MV is my all time fav🙌 quite gloomy but beautiful as well✨,1 +@user @user Prudence suggests that a 8+% bump over 2-3 weeks should be viewed with SKEPTICISM. Media/HRC axis #angry,0 +Thank you disney themed episode for letting me discover how amazing the @user are! #hilarious,1 +Need a new outlet for #rage,0 +Rewatching 'Raising Hope' (with hubs this time) and totally forgot how hilarious it is 😂 #HereWeGo,1 +@user @user wow. not heard this in forever. Random but. great #sting #xph,1 +May the optimism of tomorrow be your foundation for today.,2 +"@user @user @user \n\nAnd also, trying to find it on Youtube is a fucking nightmare.",0 +@user spent over 2 fucking hours and still can't get that dam SIVA fragment on Fellwinters peak mountain,0 +"Happy Birthday, LOST! / #lost #dharmainitiative #12years #22september2004 #oceanic815",1 +"#PeopleLikeMeBecause they see the happy exterior, not the hopelessness I sometimes feel inside. #depression #anxietyprobz",3 +People who go the speed limit irritate me,0 +#FF \n\n@The_Family_X \n\n#soul #blues & #rock #band\n\n#music from the #heart\n\nWith soul & #passion \n\nXx 🎶 xX,1 +@user @user ohh.. so here comes sense from terror supporting stone pelting vandalizing ppl who gather b4 protests to announce ...,0 +My fav #movies are #horror but they don't make them like they used too. Haven't seen a great one in years,3 +I'd like to bridge the divide between Right and Left Twitter and say that the new Tweet truncating thing is fucking awful.,0 +@user I am shy xD,3 +After what just happened. In need to smoke.,0 +Joes gf started singing all star and then Joe got angry and was all sing it right and started angrily singing it back at her,0 +"@user I remember its heyday, but these ladies range in age from, I'd say, mid-30s to early 70s.",1 +@user so this houses will get into my instestines and scare my poop and I'll shit my pants?,0 +@user @user @user \n\ndo REDNECKS intellectually intimidate you and force you to be their dancing clown?,0 +"Sometimes I like to talk about my sadness. Other times, I just want to be distracted by friends, laughter, shopping, eating... \n\n#MHChat",3 +Noooooo @user without #MaryBerry will be #awful #endofanera going 2b so #lost @user have bought a #lameduck there #notallaboutthemoney,0 +"On the bright side, my music theory teacher just pocket dabbed and said, 'I know what's hip.' And walked away 😂😭",1 +"@user it can go one of two ways. You either get over it and accept it, because it's not going to change, or you mope about --",0 +"#PeopleLikeMeBecause they see the happy exterior, not the hopelessness I sometimes feel inside. #depression #anxiety #anxietyprobz",3 +#ThisIsUs has messed with my mind & now I'm anticipating the next episode with #apprehension & #delight! #isthereahelplineforthis,1 +God we need a new goal keeper! They’re both horrific.,0 +@user Old age?! No hope for the rest of us. Destined to become deatheaters by 50 #nightmare,3 +"@user if I wanted GREEN POTATOES, a bottle with the tag still on, plus soaking wet items delivered - I'm winning today-sadly I didn't",3 +"Everybody's worried about stopping #terrorism. Well, there's a really easy way: stop participating in it. - Noam Chomsky",2 +wow almost all the T-Mobile stores in San Diego are out of Note7 replacements #sadness I need to get mine replaced,3 +I am worried that she felt safe. #unhappy,3 +#ahs6 every 5 minutes I've been saying 'nope nope I'd be gone by now.' 'MOVE' or 'GTFO' so thank you for the,0 +Nothing worse than an uber driver that can't drive. #awful,0 +"Leave it on there, rule,nimber 1 of carpet cleaning!!! #furious #worsethananatomicbomb #accidentlyspillbeeronthecarpet",0 +Said it before and I'll say it now: America is really fortunate that black people only want equality and not revenge.,1 +@user u know ion play that shit bout my weary brother,0 +@user @user cmode grimrail made me want to eat angry bees,0 +Happy Birthday @user #cheer #cheerchick #jeep #jeepgirl #IDriveAJeep #jeepjeep #Cheer,1 +"@user I assure you there is no laughter, but increasing anger at the costs, and arrogance of Westminster.",0 +Why are people even debating on race inequality within our justice system like it's non existent? They're just trying to aggravate us.,0 +"We're in contained depression. Only new economic engine is #Sustainability, say Joel @user + @user @ #VERGEcon. #NewGrandStrategy",3 +@user > huff louder,3 +"@user lol I thought maybe, couldn't decide if there was levity or not",1 +There's a certain hilarity in people angry at protests against the national anthem or the flag when these acts are covered by 1st Amendment.,0 +I don't want the pity of my instructors but I'd like some understanding. I'm truly trying despite ALL circumstances that make me discouraged,0 +"CommunitySleepCoach: Look at these #narcoleptic #puppies. Make you #smile. If you are human & find yourself in such odd positions, seek #th…",1 +"@user 9 -9 vs Atlanta this yr, 2 - 11 vs Rockies and DBacks this yr. That's a combined 11 - 20 vs 3 atrocious teams in NL #awful",0 +"@user @user experience all plays a role in that, it's education and preparedness not fear",2 +"@user appointment booked between 1-6 today, waited in all day and nobody showed up, also requested a call back and never got one #awful",0 +Summer officially ends today. #sadness,3 +@user seriously dude buy some bubble tape for your phones. #snap broke another phone,0 +@user holy shit...what the hell happened to your lips!! Fix that shit! #mtv #teenmom #horrible,0 +final vestiges of my 90's childhood were just dashed on the shoals of hearing a house cover of Tracy Chapman's 'fast car' at the dayjob,3 +Maybe the entire Russian team will test positive for meldonium and the North Americans will get to replace them,0 +Hey folks sorry if anything offensive got posted on here yesterday my account got hacked. All fixed now though. I hope :-/ #angry #annoyed,0 +in my dream....They were trying to steal my kidney!!! #blackmarket #whydidiwatchthat,0 +I was not made for this world. #empath #unhappy,3 +i'm... nervous about this test rip,3 +Ryan Gosling and Eva Mendes finally ; B joyful an funny/dont boss/dont argue/do everything with kids/go on mini car trips/ focus on love,1 +i was so embarrassed when she saw us i was like knvfkkjg she thinks we're stalkers n then she starts waving all cheerfully inviting us in 😩,3 +"Wow... One of my dads top favorite throwback rappers just died in a fiery car crash today in Atlanta, so sad so sad 😷😷",3 +I can't wait for you to listen to my new single 'Mystery' and my new album😋. #newmusic #newsingle #newalbum #2016 #popmusic #dark,1 +Anybody know a good place to book a show in #Montreal on short but not super-short notice? #punkrock #postpunk #blues,2 +"Don't be #afraid of the space between your #dreams and #reality. If you can #dream it, you can #make it so",2 +finally leaving my first job soon. i've been working here since i was 16. going to be kind of bitter sweet,3 +@user @user don't get me started on town centre. Used to go every week.... not been for 18 months #horrible,0 +will brawndo cure my depression? @user #Idiocracytoday,3 +Why is it that we rejoice at a birth and grieve at a funeral? It is because we are not the person involved. ― Mark Twain,2 +I dislike people who get offended by the littlest shit .,0 +@user you look adorable awe,1 +New play through tonight! Pretty much a blind run. Only played the game once and maybe got 2 levels it. #Rage #horror,0 +@user ur road rage gives me anxiety.,0 +@user brings back great memories of hilarity on #SATURDAYNIGHTLIVE,1 +@user @user my god is @user a full shilling? Seriously you need a major rethink or no lab gove in your lifetime #sad,3 +"significantly, with a #bitter smile, 'let me",0 +@user just trying to go home tonight? A run on 2nd and 20 and a run on 3rd and 20? That's what champs do...#sike #losers #terrible,0 +@user He didn't have many chances to show what he can do but looked lively and had a good shot tipped over the bar before the end.,1 +Need advice on how to get out of this rut!!!! #needmotivation,2 +in health we did a think about depression and now i feel like i have it,3 +@user It'll be easy to spot the parade of tiny weans in expensive jammies. Really is hilarious!,1 +Muscled man with huge heart is messing with my brain and heart. #lost #confused,3 +@user @user @user Trump says the refugee situation 'is not just about terrorism it's about quality of life.' Take note.,0 +@user I'm wearing all black tomorrow to mourn. 😭💔,3 +@user Hes right when the Civil war starts it will be wall to wall terrorism and i don't fancy the Muzzy's chances,0 +"@user *laughs louder this time, shaking my head* That was really cheesy, wasn't it?",1 +When my 4yo is gone I blast gothcore music. She has #anxiety & I can't listen 2 it around her bcuz it's 'too spooky'. *sigh* #momlife,3 +@user glee,1 +Gloriosa Bazigaga on #Rwanda work: 'I lost relatives in genocide but 15 yrs of peacebuilding has given me optimism it's within our power',2 +@user #mhchat Childhood experiences inform adult relationships. We have associative memories Not a question of ability to process,3 +"Texans and Astros both shut out tonight. Houston, we're back to normal. #texans #Astros #sadness #losers",3 +@user nick fury,0 +and I'm up from a dream where I said something really retarded on twitter and it got like 10000 retweets #nightmare,3 +@user @user don't get me started on town centre. Used to go every week.... not been for 18 months,3 +"@user both, scrap *ll the rage instead",0 +Just told me wife there was a chance it would be 2 Sydney teams in AFL grand final. Her response: 'there's two SYDNEY AFL teams?' #serious,2 +@user wow I'm just really sadden by that. Terrible,3 +I meet new people and I had to grow up with the reality that people can be desgusting and fake and so I lost my cheerfulness and started to,0 +Urgent need to get a new job. The constant gloom of my current one is getting a bit ridiculous now.,3 +These girls who are playful and childlike seem to have such lovely relationships. Can't imagine them having serious convos but it's cute 😍😍,1 +"I'm absolutely in love with Laurie Hernandez, she's so adorable and is always so cheerful!",1 +Why is it so windy? So glad I didn't ride my bike. #fear #wind,1 +"The point of living, and being an optimist, is to be foolish enough to believe the best is yet to come' - Peter Ustinov #optimism #quote",2 +@user @user Quite the response of retaliation from Weiner in getting revenge on Huma & Hillary 'clam digging'.\n#AllScumbags,0 +@user @user they're both pretty awful when you look at them historically,0 +broken policy' #blasio <> #trump #giuliani 'broken windows' all part of 'pecking order' #bully politics #america RESIST #motto,0 +"Mate the thing I get excited about in my profession are mad. A client said she opened her bowels, I'm rejoicing",1 +@user 'Don't you know how nervous I was to see you?',3 +@user Worst than going to the morgue to do a positive ID. #horrible Reuters,0 +@user that is one thing but attacking and hating is worse - that makes us just like the angry vengeful behavior we detest,0 +"@user wow , your right they do need help,so what I'm getting from the Laureliver fandom and bitter comic fandom and",3 +I'm such a shy girl🙄,3 +mmmm i'm kinda sad i hope i can shake this before school,3 +Every day I think my #house 🏡 is #burning 🔥 but it's always just my neighbor burning their #toast! 😷😡🍞,1 +"In fact, sometimes i don't get furious at people who wrong me, but i get furious at myself for being a fool.",0 +@user #nothappy and still #charging the #fullprice 😡😡 #fuming some your #bestrides 😳😳,0 +Everyone is raging,0 +Sometimes I get mad over something so minuscule I try to ruin somebodies life not like lose your job like get you into federal prison #anger,0 +@user @user the refs are in GT's favor tonight.,1 +NL's top bureaucrat is a director of a group formed to oppose NL's top megaproject. #nlpoli - never dull,3 +Watch this amazing live.ly broadcast by @user #musically,1 +No one wants to win the wild card because you have to play the Cubs on the road. #sadness,3 +@user @user Amal Clooney should try to prosecute #Bush/ #Blair for #war crimes that turned our World upside down&created #terrorism,0 +"@user stop the presses, @user said/proposed something racist. #shocking",0 +@user \nIsn't OBrien supposed to be some sort of offensive genius,0 +Good morning chirpy #SpringEquinox and your pensive sister #AutumnEquinox A perfect day however it is expressed 🌹🍁🌓☯️ #theBeautyofBalance,1 +"@user do we think the swallows and swifts have gone? Photo'd 3 nights ago, not seen since. #sad #Autumn",3 +I told my chiropractor 'I'm here for a good time not a long time' when he questioned my habits and yet again I have unnerved a doctor,2 +Lady gaga fucking followed i have been waiting for this day for ages it fucking happened im shaking thank you so much @user ❤️,1 +@user you came in at silly o'clock and woke me up that's what happened #wasted #fuming,0 +@user @user the gleesome threesome,1 +@user I think you should do. Get the fashion police involved. #shocking,0 +Wishing i was rich so i didnt have to get up this morning #poor #sleepy #sad #needsmoresleep,3 +@user relentless echo chamber - negative comments with lots of reverb. Typical bully behavior.,0 +@user Thank you for follow and its a good website you have and cheering with no hassle.,1 +@user people have so much negativity filled inside them but im always happy that in such a gloomy world someone like u exists Namjoon,1 +"When something makes you excited, terrified, thrilled, nervous, elated & like you've been kicked in the guts all at once. Need word for that",1 +@user that's not easy to blow up the LT on a run play. He created the seam for Sua to burst through,1 +@user @user But I decided to be a bit lackadaisical about getting dressed to get groceries.,1 +"@user optimism is he'll lose, that's actually a compromise :P",2 +@user \n'It's alright!' She said cheerfully trying to make the moment fun,1 +@user they might get Donal óg sure! They won't have him in cork as he's to fiery for dopey frank & his cult,0 +Ppl like that irritate my soul,0 +@user at least his character in fast and furious pumped some adrenaline into the franchise. But that's about it,2 +Now that @user has snapchat back it's a constant battle to see who can get the ugliest snap of one another 😂🙃 #snap survival,1 +@user He's just too raging to type properly... Ha ha!,0 +Pakistan continues to treat #terror as a matter of state policy says @user #UriAttack,0 +i have so much hair it's a nightmare but it's also very soft so it guess it's a win-lose situation,2 +@user @user whatever Sam is holding on your tee looks like it's got a droop on 😂,1 +"One step forward, two steps backward, the link to RogerFedererShop doesn´t work.😰 I am losing hope about Roger Federer new Website #sadness",3 +The Pats are awesome. Belichick is awesome ...they just are.,1 +"Don't join @user they put the phone down on you, talk over you and are rude. Taking money out of my acc willynilly!",0 +@user @user @user @user Take 2k out of it the numbers on madden are low and have dropped and people are unhappy,3 +"@user No! By Y'all I mean rioting, fire starting, business burning, looting ASSHOLES! That create #BlackLivesmatter",0 +HMS Pinafore' time.\n\nI need some mirth.,1 +Grim and despair feeling-I look at self and my family. Hubby fought 20+ years for this country. I've worked 20+ years for this govt-->,3 +"#COINCIDENCE??? When you turn on the TV, etc.& listen & watch, the objective is to #CaptureYourMind with #fear & #depression. #FindGODNow!!!",3 +"Turkish exhilaration: for a 30% shade off irruptive russian visitors this twelvemonth, gobbler is nephalism so...",1 +When will the weeks full of Mondays end?? #disheartened,3 +"@user I'm not on about history or other people, I'm on about you. I've bullied no one, I make three posts and you attack #bully",0 +@user way to go #London. Nice job electing a #muslim #jihadist for mayor. Good luck with your future #terror attacks #sadiqkhan,3 +Pull over #tonight and make your car #shake 😋💦,1 +Feeling #gloomy,3 +"B day next week, catch the sauce and watch the heaviness!",1 +"Carry on my wayward son, there'll be peace when you are done. Lay your weary head to rest. Don't you cry no more. #Supernatural",2 +@user cyber bully,0 +@user I found the first few episodes of Bojack incredibly funny. Then it got less funny but I stayed for the #drama,1 +10 page script due Friday for class. Who said I could do this MFA thing? #GradSchoolProblems #someonetelltinafeytohireme,1 +Riggs dumb ass hell lolol #hilarious #LethalWeapon,1 +@user bully,0 +India should now react to the uri attack..... #revenge,0 +"Well stock finished & listed, living room moved around, new editing done & fitted in a visit to the in-laws. #productivityatitsfinest #happy",1 +@user where is the outrage when black children get killed in the crossfire between blacks shooting each other?,0 +@user a rabid dog being ridden by the child who has eaten all the flesh off one fellow and the limbs of the other adults.,0 +@user watched the cobblers loads this season how is gorre a pro footballler terrible,0 +Putin feels it acceptable to bomb & kill aid workers. Soon he may be sitting at the same table as Trump!! #Armageddon #USApleasedont,0 +Why do people gotta start so much drama ? Shoot me ☹️,0 +Did we miss the fact that #BurkeRamsey swung &hit his sister #JonBenet in the face with a golf club previously out of a fit of ?,0 +nooooo. Poor Blue Bell! not again. #sad,3 +"@user @user #Muslims have been in USA for ages. To think that Muslims commit #terrorism due to #Islam, you gotta be out of your mind.",2 +"@user I am angry at the student for being a racist, and the teacher for not stopping it, and at the class for letting it go by.",0 +"If you think you're good to go already, don't worry about it.",2 +"Wine drunk is the worst version of myself ffs, don't even remember seeing basshunter",0 +The bounty hunter things a bit lively,1 +That feeling you get when you know the information but scared you might do bad on a test #collegelife #nervous 😥😥,3 +@user Supine on the piano—lips parted. #sixwordstory #amwriting #blues #singer,1 +@user thanks Ryan & Brad for scary the shit out of us in the first episode. Don't think my heart will make it through the s6,3 +Always borrow money from a pessimist; he doesn't expect to be paid back.,2 +7 pax enjoyed the #gloom @user @user,1 +Condolences to the JC and the Georges family..,3 +"@user snap, seems to be a problem here",0 +@user \nLikewise #death #cutting #despair,3 +They gonna give this KKk police bitch the minimum sentence..just wattch,0 +I feel like an appendix. I don't have a purpose. #depressed #alone #lonely #broken #cry #hurt #crying #life,3 +#travelfail #virgin #virginaus and #etihad #nightmare ... And now we're also delayed. #obvs 🙄😠,0 +#tulsa - Police manufacture murder... Wonder why we carry burners...? - MaxLevelz,0 +"Dehydrated, exhausted, stressed but still blessed. #optimism",2 +US you need to band together not apart #nevertrump he promotes hatred and fuels,0 +@user it's fucking dreadful for live footy matches,0 +"@user @user \nbecause distrust in life , Argentina has a lot of heart and this President is worth every vote.",2 +She's foaming at the lips the one between her hips @user one of many great lyrics,1 +"@user I guess it must be really expensive... For me it's that the whole family stayed in Poland, so I really miss them...",3 +@user @user @user @user @user I understand your concerns but look at her foundation contributions,0 +"SOMEONE LET SNAKES IN MY HOUSE, I BET IT @user I KILL THAT BUGGER WHEN I GET MY HANDS ON HIM #HuckFP2",0 +Fake people irritate me,0 +"@user #FMF protesters aren't interested in reasoned debate, just #intimidation #violence & #disruption to get demands met",0 +Lunatic Asylum: The place where optimism most flourishes.,2 +Damn gud #premiere #LethalWeapon...#funny and #serious,1 +@user @user all the bully,0 +It appears my fire alarm disapproves of my cooking style,3 +We're going to get City in the next round for a revenge.,0 +"#Trump is #afraid of the big, bad #Hillary. #election #PresidentialDebate #PresidentialElection2016 #orangehitler #skip #hide #coward #fear",0 +"@user I am sitting here wrapped in a fluffy blanket, with incense burning, listening to Bon Iver and drinking mulled wine. I'm there.",1 +"Petition for non-Maghrebi PoC to stop buying 'couscous' from white grocery stores and boiling it. That is not couscous, that is trash.",0 +"@user Thank you, happy birthday to you as well!",1 +Watch this amazing live.ly broadcast by @user #musically,1 +"@user We'll have a ceremony next time we meet. It'll involve burning something, then possibly booze and/or caffeine.",1 +Dear @user please tell your bus drivers if obstruction on their side DON'T just pull out to oncoming traffic causing vehs to swerve #fuming 😡,0 +alternate reality where @user has a comments section and you can give poems a cheery thumbs up or a disappointed thumbs down,3 +"@user May I suggest, that you have a meal that is made with beans, onions & garlic, the day before class. #revenge",0 +I highly suggest if you are looking online for a company to help you send you're package overseas..DO NOT EVER EVER USE @user,0 +"She began to squirm beneath @user struggling to get out of his relentless grasp. When she realized that the attempt was useless,++",3 +"As I remember and reflect on Reginald Denny on a night much like this (like #Charlotte) I think to myself, the gun lobby must be rejoicing.",1 +@user @user I was so looking forward to @user Then it opened with a #stuartspecial. I literally yelled at my tv. #umbrage,0 +something about opening mail is just...very pleasing,1 +When you have 15 doe run the opposite side of you 🙁 #depression,3 +@user you and that awful music can take a walk... right off a cliff. K. 😘,0 +Day 9 and I am elated because I'm taking PTO tomorrow so I'm doneeeee. But:,1 +"A pessimist sees the difficulty in every opportunity, an optimist sees the opportunity in every difficulty' -Sir Winston Churchill-",2 +@user don't think Ian knew of Pavel. He knew about Charlie. I bet Rob will cackle with glee when he heard what has happened #thearchers,1 +@user maybe he had constipation issues..? Not that I KNOW dates relieve such an affliction! No way jose!,1 +"@user Smh, remove ideologically bankrupt and opportunistic establishment now. They're burning all bridges and social contracts. #anger",0 +@user lost my xt nova around hole 8 or 9 #sadness,3 +At #UNGA Pakistan clearly shows the face of cowardliness and blatant lies! Its time for #India to act upon terror.,0 +"AQW should've always stayed in the 08 art style, now it's just a competition to create more detailed art each time.",1 +@user Mine is that the party did decide but the party has been slowly transformed into a vengeful hell-cult of white male resentment,0 +@user @user @user Kirby's Black Panther in a cool animated panel.,1 +You can't fight the elephants until you have wrestled the pigs. #quoteoftheday,2 +... flat party and I instantly get bollocked about it. #fuming,0 +"@user Betelgeuse/Sloth was lively, dedicated and tenacious, Regulus/Greed is humbly content and Ley/Gluttony is starving hungry.",3 +@user #ldf16 what shall we do this weekend? #spraypainting in #greenwichmarket with @user #core246 #lilylou #fret & #benoakley,1 +"@user awe man, when are you free then? ☹️️☹️️☹️️💘💘💘",3 +@user wanna shake my tree??? 🍑🍑🍑🍑,1 +@user he is.\nSure his mind was clouded but...],3 +@user now you gotta do that with fast n furious,0 +Ffs 🙈 when things come back to haunt you... cringe bad cringe 🙋🏼👀🔫 👈 what a terrible gun that is,0 +Never let me see you frown,0 +"A country that gave safe house to #Osama Bin #Laden is dangerous if not contained. #Pakistan is a #terror heaven, declare so @user",0 +#GADOT please put a left turn signal at Williams and Ivan Allen Jr Blvd. This is absolutely ridiculous #ATLtraffic,0 +Once again the only thing on my feed is naay raging about something and my brother filling in all the gaps,0 +#haikuchallenge #haiku\n\nThe crisp autumn air\nMy freedom purchased through death\nNo one will mourn me,3 +I honestly feel nothing towards either of my parents and it's pretty depressing,3 +If I could turn anxiety off--I would. #nooneunderstands,3 +@user (Maybe don't provoke him in the future if you do not want to run the risk of him punching your board.),0 +Karev better not be out!!! Or I am seriously done DONE with @user #angry #unfair #ugh,0 +"But 'for me not to worry, they'll get a glass guy over and bill us for it'",2 +@user now I'm really excited for November! Hope they're not all horrid chavs though 😅,1 +@user having a terrific game and not at all fazed #MCFC,1 +@user @user @user I threaten you because I can pussy,0 +@user fucked my coupon that goal!,0 +Reflection: the grind has been so REAL! Working 2 jobs & being in school. #ksudsm #ksu #recruiter #instructor #tumble #cheer #gradschool,1 +"Aberdeen st Johnstone, let's see who can punt it the furthest #awful",0 +@user A stumbling block to the pessimist is a stepping stone to the optimist.,2 +Listening to Joey really helps me and my anger.,2 +"@user The thing is, it's either I be unproductive and unhappy, or deal with some videos that do badly.",3 +Another joyful encounter in Tribez & Castlez! I just met Bartolomeo! Do you want to know who that is? Download the game and find out!,1 +@user @user @user yes exactly & he's sold out this country to #terror while #lying to cover it up,0 +"Woke by #nightmare @ 3AM, couldn't sleep any more, so took a #UseAllTheHotWaterShower. Now I have time to read.",3 +Got a $20 tip from a drunk Uber passenger. Today I get a $25 parking ticket. I'd blame karma but my dumb ass forgot to pay the meter.,0 +The Pats are awesome. Belichick is awesome ...they just are. #awestruck,1 +David Gilmour's biggest compliment? B.B. King asked him after a gig if he was born in Mississippi #pinkfloyd #theblues #davidgilmour #blues,1 +I seriously hope these chances Celtic are missing are going to come back to haunt them with an Alloa sucker punch,0 +I HATE little girls 😡😡 got a lot off growing up to do!!! #fuming,0 +After she threw me out I had to sedate her. With a damn horse tranquilizer.',0 +@user I was like that when I started college. It was horrific but it probably will get better. Don't give up yet,2 +"@user @user Hey stupid, that was bad intel to take Bin Laden out. Try again with your faux outrage. I bet u admire Putin right?",0 +"2 biggest fears: incurable STD's and pregnancy...I mean, they're basically the same thing anyway #forlife #annoying #weirdsmells",0 +Howl at the moon with @user at @user next Wednesday the 28th for a FREE double feature of SILVER BULLET and CURSED #horror,3 +"Two blankets, a hoody, and still no Eternal Sunshine to mope to.",3 +India wants to #shake #hands with # pakistan ..... but as usual pakistan #cheat with every #indian \n\n..........shameless pakistan,0 +@user The depth that you've sunk to. You're readership deserves more.,0 +@user That was exhilarating hockey. They're still out if Russia wins in regulation I'm reading. #fuck,0 +I wish you stayed in Da Gump I'll make you panic like the last rapper,0 +Projection is perception. See it in someone else? You also at some level have that within you. #anger,0 +@user actually maybe we were supposed to die and my donation saved our lives?? #optimism,2 +"If you follow #Trump, a certified #bully there is no question you or your children may go to #War vs consumate #Diplomat @user",0 +@user the tunnels! I shudder to think of the grimy tweets...,3 +@user #Disney's 1994 #animated #musical #film #TheLionKing was influenced by #WilliamShakespeare's #Hamlet. Songs by #EltonJohn.,1 +😑😑😑<---- that moment you finish a Netflix series and have nothing else to watch. #depression,3 +im tired of people telling me the worry about me when in fact they probably never gave a fuck about me,0 +@user @user AA have the right of passage when it comes to the 'N' word. Why should he insult him in his church. Ignorant!,0 +"@user sadly, war has often been the factor that jump starts US economic growth",3 +When someone rudely says all women should have long hair and your inner feminist tries not to rage,0 +"The animals, the animals\nTrap trap trap till the cage is full\nThe cage is full, stay awake\nIn the dark, count mistakes",3 +"“He who is slow to anger is better than the mighty, And he who rules his spirit than he who takes a city.”\nP16:32 #bibleverse #pride",2 +"$8 million in box office doesnt do this movie justice. Political or not, #SnowdenMovie is a terrific thriller and love story. @user",1 +Why upping rooms makes a few apprehend leaving out charcoal ownership: UnZU,0 +"@user @user yeah I received a fine today which I am furious about, currently appealing it after being a member for so long...",0 +That grudge you're holding keeps making an appearance because #God wants you to deal with it.,2 +"@user shock horror handicap dodger is at the top 😂 close on the agg cup good , but think pressure will get to mark🤔",1 +I'm girly in the sense that I always have lashes & nails done but tomboy in the sense that black is my only color & refuse the ruffle life,1 +"From harboring Osama bin Laden to its relationship with Haqqani network, there is enough evidence to prove Pakistan is sponsoring terrorism",0 +"It's not that the man did not know how to juggle, he just didn't have the balls to do it.\n#funny #pun #punny #lol #hilarious",1 +@user droop saw naked wrestling and asked 'What if I get a hole in one?' #jaymohrsports,1 +@user you got this💙 #staystrong #smile #yourebeautiful,1 +Nothing else could possibly put a damper on my day other than doing X-rays on someone with kickinnnnn ass breath 😿,0 +@user The concept that a gay magazine feels like it has to cover terrible people -because they’re gay voices- seems all upside down,0 +"@user But this is no easy ride for a child cries: \n'Oh, find me...find me, nothing more, \nWe are on a sullen misty moor...'",3 +@user Very thought provoking & leads one to question what really happened.Very sad for all.,3 +"Migraine hangover all day. Stood up to do dishes and now I'm exhausted again. GAD, depression & chronic pain #anxiety #depression #pain",3 +i had an hour of football practice under the boiling sun and now i have 2hr volleyball practice under the BOILING SUN AGAIN,0 +That's how you start a season that's how you open the show #show #them #how #dark #hell #can #get #Empire,2 +Might just leave and aggravate bae,0 +The joyful tambourines have ceased. The noise of the jubilant has stopped. The joyful lyre has ceased. -Isaiah 24:8,3 +"my boyfriend once forcibly stopped all of my anxiety coping methods at once (holding me, forcing my hands down that kinda stuff) and I --",3 +@user Ended up paying 75p for half a tube of smarties. Don't even get the pleasure of popping the plastic lid off either,0 +"But this is the internet age, so get mad out of any and all proportion and assume the terrible worst with little to no facts or knowledge.",0 +@user @user @user @user @user awe I feel so bad being naive ou is the worst,3 +Rooney = whipping boy. #mufc #sad,3 +@user start buying Death Wish Coffee and shake hands with espresso every now and then.,1 +@user cheer up,1 +@user I'm sure you'll have a heyday if they do,2 +@user @user @user @user @user @user to give me my keys back. They aren't for my house! #shocking,0 +"#ObamaLegacy - weekly #riots and #terror attacks, >400k dead #Syrians, #Jews fleeing #persecution in Europe, #Christian #genocide in ME.....",0 +Drop Snapchat names #bored #snap #swap #pics,3 +"@user @user #lestweforget 3 yrs on, 2013 Graduate Trainee recruitment not concluded. #disappointed #weary however #wewait",3 +Happy Birthday @user #cheerchick #jeep #jeepgirl #IDriveAJeep #jeepjeep #Cheer,1 +@user omg I'm so slow bc my eng is not very well and my hands are shaking uhh help meee I'm like this lil chicken now 🐥#MoreisBetter,3 +@user is the android app it designed to be buggy and work sporadically on a fire TV box?,0 +@user @user @user @user Don't provoke the Voke.,0 +@user bad.I am fearing for my life🙏,3 +@user some don't see the difference between courting and appealing to a women vs deception & pressure it's depressing,3 +@user Customer services got involved and eventually completely wash their hands of it. #awful #dreamornightmare,0 +Look at this #massiah of #youngleader\n#Pakistan #massiah of #terrorism,0 +"This pretentious dick in Night Gallery just fucking, used a towel to dry off his sink",0 +Another day Another flight 🙈 I swear my last ever @user flight!!!! You take the LOVE out of flying #easyjet #horrific #alwaysdelayed,0 +@user We're sorry to hear about the issues and how this is making you feel. We don't like to hear our customers being unhappy :-( We,3 +"We fear not the truth, even if it be gloomy, but its counterfeit.- Berl Katznelson",2 +"I miss my gran singing Rawhide, in her deep baritone growl.",3 +Egyptian officials expressed frustration and outrage over the Obama/Hillary administration’s support of the Muslim Brotherhood,0 +two major banking stocks down almost 15 to 20 % from their highs while benchmarks still close to top it is a sure #worry for markets,3 +Batman the animated series is a gift from the 90s animation gods,1 +"@user but what I am doing is in my control, #AvoidMMT , you guys are #terrible",0 +it didn't impress me but it didn't depress me',3 +@user @user I couldn't care less about #GOTHAM. I haven't watched it since the mid point of season 1. #horrible,3 +"@user @user @user Yes, it is bad to point out racism lest it provoke the racists. Some racists do indeed not like it.",0 +Just seeing Alex revells face gets me angry,0 +@user @user @user @user I dread to think... #DirtyPeople,0 +"@user If you get it going with him, tag me the link please. I have a lot of friends who love following his unintentional hilarity.",1 +"In addition to fiction, wish me luck on my research paper this semester. 15-20 pages, oh boy. #daunting",1 +@user - I can't read this article but headline indicates a horror story. Lock sick chavs up and throw away the key.,0 +"@user @user I live a life devoid of mirth. Come to think of it, there aren't enough taco bowls in my life, either.",3 +Trying to book holiday flights on @user website is becoming a #nightmare,0 +"@user John Kerry fckd u,chief justiceofpak made the statement publicly about party supporting terror what else u need#terrorstatepak",0 +@user jeezus God #dark,3 +I've realized my anxiety is at an all time high when I'm in my office. I feel prisoned here and I pick up on bad energy.,3 +r U scared to present in front of the class? severe anxiety... whats That r u sad sometimes?? go get ur depression checked out IMEDIATELY!!!,3 +"@user today which can impact the signal, I'm afraid :-( Our engineers are working to have this resolved by this evening and you'll",2 +Oh dear an evening of absolute hilarity I don't think I have laughed so much in a long time! 😂,1 +"Wtf are United doing, shocking defending",0 +"Amateurs sit and wait for inspiration, the rest of us just get up and go to work.' -- Stephen King #authors #serious #writingtip",2 +"Jesus wept! Another RNS from #rusty @user quote 'Price sensitive news, Price Sensitive news' etc etc The #Ramping here is",3 +Is there a perfume that smells like the smell of smokey incense because i would be all about that,1 +@user I personally liked #relentless …didn't get #OurHouse #OneJersey #werealldevilsinside \nDoes nothing till a puck drops #NJDevils,3 +#Scorpio always seek revenge!,0 +@user @user lmao awe... #sad,3 +Appropriate that first secretary at permanent mission is tasked with demolition of #terror state #Pakistan - Like 'renunciation of lies' bit,0 +@user meden is frowning at you with her non existent face,0 +@user I ❤️you on DWTS You make my night every show! 😘,1 +still shaking though 🙃,1 +When you arrive at the office the day before your first ever festival and the Internet is down #panic,3 +So drunk me hid my keys very well sober me couldn't find it anywhere,3 +"They'll be yo friend, shake your hand, then kick in yo door thas the way the game go🤖🤐.",0 +So depressing that it's darker so much earlier now,3 +I just got asked to hoco over instagram dm bc someone lost a bet. Love the maturity of the people in my grade!!!!,2 +"@user they say you attract what you see, maybe I shouldn't be a pessimist but I don't wanna take any chances lol can't wait to relocate",3 +@user Seriously. Digging those eyebrows. #animated,1 +"#Taurus females are beautiful, sparkling jewels glowing in the moonlight.",1 +@user it's very telling that racist bigots always resort to the insult 'fag' like that's worse than being a racist bigot.,0 +Watch this amazing live.ly broadcast by @user #musically,1 +@user NO. The gay guy and the dad revenge fucking,0 +@user why should I listen to someone with a tie like that? #awful,0 +I don't talk about politics because people nowadays get offended easily!,0 +"@user She's jogging a bit to stay beside her, puffing her cheeks with a huff each time. 'Oh-- jeez Jasper, why don't you —",1 +@user @user @user @user he'll defend his belt against aldo after its not that hard u grudge holding bitch,0 +"@user : I liked that she was not moping around in all of the episode. She had a moment of emotional weakness, felt sorry about -",3 +@user it wasn't a joke .,0 +Now it's time to remove CB from the team somehow. Screw it. Rip the Band-Aid off. It'll sting for a bit but everyone will get over it.,0 +"@user @user @user @user gotta shake the booty instead though, makes sure it's all good 🙂",1 +@user They've officially said all the episodes left (so future 12 and despair 11 and 12) will be delayed.,0 +"@user : Whaaaat?!? Oh hell no. I was jealous because you got paid to fuck, but this is a whole new level. #love #conflicted😬",0 +Watch this amazing live.ly broadcast by @user #musically,1 +Well my evaluation came back and i am minimally effective. Student test scores on the PARCC sunk my eval. it's time for me to quit teaching,3 +"The majority of people irritate the fuck out of me, cba with people ahahah",0 +Omg I actually thought she was going to jump. #SouthPark20 #southpark,1 +Never make a #decision when you're #angry and never make a #promise when you're #happy. #wisewords,2 +@user just watched you on the great wall #hilarious 😆,1 +"Everything I see of American police training seems calculated to trample human dignity, inflame outrage, and escalate confrontations.",0 +@user #dhoni bcoz of is calmness nd match winning finishers nd a proud #miltirian #dad#husband nd wonderful humanbeing nd his #smile,1 +@user The point of voting for Trump to push all the pieces off the board game like an angry toddler? Wreck everything for everybody?,0 +@user @user Very rare an officer just shoots without regard. They don't want that on their conscience. #incite,0 +"WHY TF DO BROKE BOYS KEEP TRYNA FIND GF's? GET UR FUCKIN $$$ RIGHT B4 I SMACK YO BITCHASS, she deserves 2be happy & u don't deserve that ass",0 +"@user hey breezy, you wanna give me some of that coffee you posted on your snap?? please",1 +@user it would be great but what if the card crashes 😱. It's happened to me twice #nightmare,3 +There is nothing like being in the shower when the power goes out 😳 #creepy,3 +"- blood and mucus and he chokes and has to swallow, mirth cut too short. 'Wrong answer.' It takes some awkward movements - @user",0 +"I'm moving this weekend & my sugar daddy will replace it so, it is what it is. Niggas still happy.",1 +@user your a joke I pay for data when I'm in Spain and you then text and say I've used up all my data #terrible service,0 +"@user if we don't understand how to express our emotions to others, may lead to sadness / loneliness & neg impact on long term mh #MHChat",3 +@user I'm so sorry. This is heartbreaking and so scary. If it can happen there it can happen anywhere. Please be safe 🙏🏻,3 +@user @user I've got #teampaella presents on their way for you and Fi but I don't think they'll arrive by Saturday sadly!! ;),3 +"A cheerful heart is good medicine, but a crushed spirit dries up the bones. A wicked man accepts a bribe in secret to pervert justice.",2 +The side effects of #fighting and #disrespect.. comes #ignoring the person and show you #don'tcare at all!! #sweet #revenge.,0 +#welfarereform should not be a 'model' for #snap.,3 +"@user but what I am doing is in my control, #AvoidMMT , you guys are",0 +"I truly feel like science has the ability to make a milk out of anything ... cashew milk, hemp milk, pine nut milk, dandelion milk",2 +@user @user her team must draw from a hat for daily personality #drugged #yeller #quiet #screamer #😂😂,0 +"# ISIS REFERENCES SCRUBBED? Federal complaint against suspect in NYC, NJ bombings appears to omit terror names in bloody journ... #news",0 +Free live music in DC tonight! #blues with #MoonshineSociety at @user in the Loft starting at 10:30pm @user @user,1 +ESPN just assumed I wanted their free magazines,0 +I am a third year college student and and English major. Today is the first time I've ever written an essay without having a panic attack,1 +@user don't leave me #sad,3 +Honestly don't know why I'm so unhappy most of the time. I just want it all to stop :( #itnevergoes,3 +"I am #real #sjw, I will not let #america down\nI have found us, now go and get us\nI let it out and I let it in\nI #rage I #lol\n@SergioSarzedo",0 +The neighbor dancing in the Clayton Homes commercial is me. #hilarious,1 +@user YUUUHH 🙄😭 plus clin ep and prevmed ugghhh hahaha,1 +@user Ended up paying 75p for half a tube of smarties. Don't even get the pleasure of popping the plastic lid off either #outrage,0 +Rooney = whipping boy. #mufc,1 +@user @user Horrid disease! My maternal grandmother and each of her sisters suffered from this affliction. It's hard on all.,3 +Side chick's be trying to fuck u like your going to forget about your wife when your done.,0 +Praying for the #Lord to keep #anger #hate #jealousy away from your heart is a sign of #maturity #conciseness,2 +Don't get too close it's dark inside 🌫🌊,3 +@user u tried boiling em takes years too,3 +Loving @user @user talk #challenge #fear #map #inspiration #stayunstoppable,2 +How hard is it to get in touch with @user One simple question I can't find answer to on website and 1 hour waiting for online chat,0 +I seem to alternate between 'sleep-full' and sleepless nights. Tonight is a sleepless one. 😕 #insomnia #notfair,3 +@user Sam- yes we have! Not helpful at all! We need this sorting ASAP! You keep promising stuff that doesn't happen!!!! #fuming,0 +"@user Just to help maintain and boost our status as a world class centre for education, culture and tolerance.",2 +"@user 'Just by getting lost! I don't want to see you in my eyes!' Hungary huffed and crossed her arms, looking away angrily.",0 +@user apparently you are to contact me. Sofas were meant to be delivered today. Old ones gone. Sitting on floor. No sofas! #fuming,0 +@user I nearly started crying and having a full on panic attack after tatinof bc of the crowds so I feel him,3 +"ffs as if tate thought wind in the willows was a serious play, can't wait to see him play a singing badger 😩😂",1 +@user 'Congratulations your Free 1 month has been activated' Then charges £34.80 the same month. Absolutely furious 😡,0 +"If a cop is going to pull a gun on you for no reason at all and threaten you, you should be able to merk his ass and walk away.",0 +@user jeezus God,1 +I need some to help with my anger,0 +Just got done watching Jeepers Creepers it was epic #horror #horrormoviesarebest #movies #movie #horrorfilm 🎬📽🎬,1 +Tho we haven't talked Jeff but the news is so sad and shocking. R.I.P Jeffrey,3 +second day on the job and i already got a 45 dollar tip from a dude whose was constantly twitching his eye LOLOLOL #cheering,1 +"Look at us, smiling in the photograph♪ You can see the secrets behind the fake smiles♪ (*・ω・*) (©FACT「a fact of life」)",1 +It's been 5 weeks and I still go through depression smh,3 +We have left #Maine. #sadness,3 +"@user Where has your 50% grapefruit squash gone,not been able to get for weeks #unhappy",3 +Howl at the moon with @user at @user next Wednesday the 28th for a FREE double feature of SILVER BULLET and CURSED,0 +I am often disturbed by what some people find appropriate or acceptable. It's not funny nor cute that adults find this stuff humorous. #sad,3 +“What worries you masters you.” - Haddon Robinson @user #Jesusisthesubject #anxious,2 +Love takes off the masks that we fear we cannot live without and know we cannot live within. - James A. Baldwin,2 +I wouldn't have #anger issues.....if she didn't have #lying issues.....think about that one. #pow #lies #confusion,0 +When you have 15 doe run the opposite side of you 🙁,3 +Worst juror ever? Michelle. You were Nicole's biggest threat. #bitter #bb18,0 +"@user he's stupid, I hate him lol #bitter",0 +People are trying too hard to hate on Cam Newton without understanding his position #sad,3 +Angry shouting match between a #pessimist & an #optimist:\n'You're a half empty-headed @user \n'You're half full of @user,0 +@user did it not just enliven your soul,1 +Now ...what to do for the next hour while waiting for #OurGirl to start @user ?!,2 +"@user @user @user @user @user @user @user Oh god, not Brewer again. The horror, the horror",0 +Fucking hell. Rush for the damn train also no use. Fucking 4min wait. Still sweating. #smrtruinslives,0 +i was angry.,0 +I love when people say they aren't racist right before they say some racist shit... Not how that works... #fuming,0 +Sometimes I think the British political landscape is desolate and then I look over at the foaming wasteland of the US and think we're OK,2 +@user @user You two are TEN TIMES more interesting than those particular afternoon goofballs (I could say worse). #umbrage,0 +@user @user WAS THERE A CLOWN IN YOUR NEIGHBORHOOD? #creepy #EnoughIsEnough,3 +@user ehhh I guess. I want to everyone I've ever burst out laughing in front of😂,1 +"My boss likes to stand in my office & smile at me like a shark: maliciously gleeful, and ask me how am I as if I have a secret to tell her.",0 +#amwriting #horror in the dark and a loud creaking door noise is coming from the kitchen. There are no doors there to creak. WTF.,3 +🔥Anger is the acid that can do more harm to the vessel in which it is stored than to anything on which it is poured.🔥 #anger \n\n~Mark Twain,0 +@user how do u guys determine teams? Cause I'm 80% on shitty teams when I play and I'm fuckin over it #cod,0 +@user @user only offering 6 moth warranty #ps4pro #truth #ripoff,0 +@user there was a US diver named steele johnson. i'd like him barred from the olympics.,0 +And here we go again 😓 #restless,3 +"@user Give it up Gas, I don't hate u, I just don't respect ur rudeness. #bully",0 +whats with these boxes when i search google on chrome #distracting,0 +"When you wake up, scroll through social media, and another father was taken from his child #everyday #KeithLamontScott",3 +"@user It's buzzing pathetically for sympathy if you let it out it will twirl it's moustache, chuckle and sting you #Psychowasp",0 +@user terrible,0 +"@user I'm surrounded by those Trump voters. You're right, it is fucking terrifying. #redstate",0 +Democracy doesn't work\n #mob #mentality #mass #hysteria #mongering #oligarchy,0 +Can we get a shot of Lingys face at 1/4 time ? Pretty sure it would be more red then his hair #pretendinghesok #ruok #AFLCatsSwans,3 +@user @user give me a smiling emoticon will ya? i dont like the idea of you frowning >.<,1 +So my Indian Uber driver just called someone the N word. If I wasn't in a moving vehicle I'd have jumped out #disgusted,0 +@user @user welcome ji . sorry for words that irritate u,0 +Asian Tiger #Mosquitoes are so relentless. More aggressive than the kind I dealt w/as a kid.,0 +Goddamn headache. #anger,0 +"Never forget that 5Live cancelled programs, to allow them to extend 606 so people could call in and detail their outrage after our behaviour",0 +Glad I didn't watch smackdown because I can't see my men @user @user lose. #sohurt #revenge,0 +#LMFAO @user 's #racepimp Tamron Hall used the words 'fscts' and 'MSNBC' in the same sentence #libtard #biasedmedia #neverHillary,0 +Hate when guys cant control their anger 🙃🙃,0 +Just caught up with @user wonderful new series on #EalingComedies. Infectious delight in every interview and film clip.,1 +So Rangers v Celtic ll #revenge,0 +"@user unless your concern is people figuring out who you are for wtvr reason, I don't see why you shouldn't tweet about other things",0 +"@user @user @user @user These interviews scare the crap out of me. I never imagined so many dumb, dumb Americans.",0 +Omg he kissed her🙈 #w,1 +@user Gabe the worst part is I can't get hot status this month because there's no chipotle near enough to my campus #sadness,3 +Lot 100 would give Ghandi road rage,0 +Being forced into a fake hug by someone who didn’t flinch to get litigious with you in the past - #awful 😖👺🙅,0 +@user #worst exec complaints ever #horrific customer journey,0 +The ghost of Stefano reflects on the grim indignity of being murdered by corrupt cops in faux love. #days,0 +@user @user @user #bully #Bullshit #fullofshit please take out the #garbage,0 +@user she looks completely #rabid @user,1 +"@user I'm always a little bit weary of speaking up because 1. I don't want to hijack the convo - as an LGBT person, I've seen",0 +"@user shameful display I watched today has left me reeling with so much anger dt I feel like exploding, those clowns should watch it",0 +"We so elated, we celebrated like Obama waited until his last day in office to tell the nation, brothers is getting their reparations",1 +"@user it doesn't offend me but it's just,,, Weird.",3 +"@user hit the sink with a hammer... sorry, the universal modifier!",3 +"@user not received verification email, asked for it to be resent 5 times still nothing.",0 +@user i would just get some decent referees #shocking,0 +"@user Forget the hair, that salon looks so light & cheery! Would go there for a coffee & read a book!",1 +@user \nIf this room was burning 🔥,0 +@user @user candy corn is the greatest candy in the world when it comes to being objectively terrible,0 +You insult the late Sherri Martel,0 +"I hate that if I don't start the conversation, there won't be one.",0 +@user yes Hun! Avoid at all costs!!,0 +When a grown adult doesn't drink or has never drank before I just assume they were raised around a raging alcoholic and they want no parts.,2 +Happy 69th @user May u keep haunting us for many years. #horror #writing,1 +@user #terrorism shouldn't be a way of life in the united etates and wasn't until #islam brought it here! #IslamExposed #islambacon,0 +Watch this amazing live.ly broadcast by @user #musically,1 +I mourn the creativity lost.,3 +@user take deep breaths bc the shaking could be from adrenaline. Oh wow that's weird. Depending if you're regular or not that varies-,3 +Sorry guys I have absolutely no idea what time i'll be on cam tomorrow but will keep you posted.,3 +nooooo. Poor Blue Bell! not again.,3 +@user @user an 'Honorable Senator' cheering when a cease fire does not hold! PEOPLE DIE AND YOU CHEER! GENOCIDE SUPPORT NOT GOOD!,0 +Professor: introduce yourselves and say one interesting fact\n\nHi I'm Ethan and the Sun will engulf our planet in a fiery explosion one day,1 +"Ignored broken tooth for so long, now have abscess. Need dentist but #fear makes it hard for me to go..45 and still can't go to dentist",3 +"I don't know what's worse, the new Pizza Hut commercials or the pizza that Pizza Hut makes. #horrible",0 +@user @user @user I once hooked them up backward. Not recommended. #smoke,0 +follow my girl tiff she only got 3 followers💖💘💖💘💘 @user,3 +Getting so excited for @user 2016!! We play the main stage Sunday Oct. 16 at 3:30!! #jazzholiday #riesbrothers #rock #blues #jam,1 +Love how Megan is raging about this Kendall Jenner photo and I'm sat here like 🤔🙃,0 +Think of #anger as this barrier between you and your truth.' @user,0 +New play through tonight! Pretty much a blind run. Only played the game once and maybe got 2 levels it. #Rage,0 +@user @user YES! I am rejoicing,1 +Forgot to plug the phone in overnight #nightmare,3 +The war is right outside your door #rage #USAToday,0 +Folk Band 'Thistle Down' will be replaced by 'The Paul Edwards Quartet' at Laurel Bank Park Sat 24 11am - 3pm due to ill health #jazz #blues,3 +"@user haha!! No, sorry was it too grim even for you?! It disturbed me & im starting to lose all trust in Twitter generally!!",0 +When you're scared to press send #bgoodthepoet #PrayForMe #ThisIsAGodDream #career #help #heart #HeartRacing,2 +“Competition is suppose to motivate you to do better everytime not to be bitter all the time” -De philosopher DJ Kyos \n#quote #success #CSGO,2 +"_Her mind is a #dark room,\nDeveloping #Madness ♨😘",0 +What's the worst affliction that you or someone you know ever convinced yourself you had?,3 +"warning: i am a sensitive, angry, insecure baby today, but UGH why do people at large either hate or ignore me bc it is literally~the worst~",0 +Like he really just fucking asked me that. #offended,0 +@user haha! She did well today. I can't get beyond her pout annoying me I'm afraid.,0 +Have to say that third City kit is fucking awful. Someone at Nike wants shooting.,0 +Damnnit! Gonna be 1400 pts shy on Chiefs Rewards of getting a post game photo.,0 +I just want to be in Canada rn 😭 awe,3 +@user @user @user N-no. Because of your wrath.,0 +"@user @user @user The way my blood is boiling, little bastards!",0 +"@user @user @user I'm sadly not, I'm just being smutty",3 +@user but @user drugged and raped those women. At least you and Barb were sober and consenting!!,0 +@user awe yay wish i could rt /:,1 +@user How dull.,3 +#Anger or #wrath is an intense emotional response.,0 +I'm at the point in my life that I'm playing Christmas music in my room because i need winter and joyful times rn,1 +Chart music is pretty much ALL the same..,1 +Mom you remember when Narley died? You cried like a baby!,3 +@user @user @user I don't listen to White Trash talk about blacks. It's insult. Talk about your race living in trailers,0 +my alarm clock was ringing this morning n my flatmate knocked on my door and asked if i set anything on fire or if i'm burning alive :) :):),1 +Why do I have such bad anxiety it's annoying,0 +Overwhelming sadness. This too shall pass. #lonley #startingover,3 +second day on the job and i already got a 45 dollar tip from a dude whose was constantly twitching his eye LOLOLOL,1 +"Everything is far away because time is short, no rest for the weary.",3 +@user @user well of course.Progress for the sake of progress must be discouraged. The problem is the substance of the rhetoric,3 +Confiaejce comes not from always being right but from not fearing to be wrong.-Peter T. Mcintyre,2 +i love that tay & tiff are just sitting at my house while i'm at work 🙃,1 +@user it ain't that serious. #HOUvsNE #awful #igotbetterthingstodotonightthandie,0 +Harking back to 2012 - DT's challenge to @user will give...DT a hearty thank you...if he will release his tax returns....,1 +@user cheering for @user and @user,1 +I wonder if the #wolfcreek TV show is sponsored by the anti-tourist board of Australia to discourage visitors? #stayathome #dontvisit,0 +"there is no shame in fear, what matters is how we face it.",2 +@user #mhchat Childhood experiences inform adult relationships. We have associative memories Not a question of ability to process #sadness,3 +"@user maybe it'd have been different if I stayed for sixth form? But still, the oppressive architecture, uninteresting people",3 +@user Content updates provoke that income.,1 +"@user @user I lost it at 18. Like, really not a big deal. Don't worry about trivial shit like that.",2 +"@user I was talking about further in the expansion, with more gear - fury always does well towards the end",0 +Thoroughly enjoying AHS tonight. #ahs #horror #americanhorrorstory,1 +"@user @user shocking work ethic by our players, Rooney stifled by their laziness",0 +I can't believe @user can't put up even 3 points on @user #horrible #hugeletdown,0 +for an lgbt person to tell someone else that how they identify isn't valid is so sad and against everything we should stand for,3 +"Feminists should ask themselves, why they're so unhappy, and why they lack love in their lives. Is it b/c they are fighting a losing game?",0 +I know it's the final day of summer when it's the finale of @user #sadness,3 +Thought the Xbox one s madden bundle would come with a physical copy of madden not a code😴 it's gonna take fucking forever to download lol,0 +@user @user @user This shit is gonna start a cold war of who can flag who first.,0 +@user Childood experiences can leave you with permanent deep sadness as adult it can underlie everything #MHChat,3 +You forever straight so fix that frown u good😇 @user,1 +Early morning cheerfulness can be extremely obnoxious #ALDUB62ndWeeksary,1 +Now that the n word is normalized by the media? Just wow. No words for this . No. Words. For . This. Frog been boiling in the pot via media.,0 +I guess #bradangelina > #anger > #blacklivesmatter,0 +You complain all the time and then wonder why people never want to see you. You acc rile me up. Stfuuu!!!!,0 +@user @user Did they get the wrong fur Pal? #shocking 😱,3 +"Don't let worry get you down. Remember that Moses started out as a basket case. #lol \nToday, choose #faith over #fear #Moses",2 +"@user @user evil, rich white men and their fucking cronies in intelligence/gov/academia using blithe blacks as fodder",0 +Maybe the entire Russian team will test positive for meldonium and the North Americans will get to replace them #optimism,2 +Headed to MDW w/ layover in SLC. Got off for food. Wrong move. Bailed on my food & barely made it. @user #WannaGetAway #Contest #sad,3 +Literally being here makes me depress tbh,3 +I wish the next madden has a story mode too. Just like Fifa 17,2 +Do not grow weary in doing good.'\n\n-@billclinton,2 +Time to go hit up the library - I have a lovely PILE of book reservations to collect this morning... #glee #books #reading,1 +#BB18 Michelle crying again #shocking #bitter He's just not that into you 😢#TeamNicole,3 +"I need to think of a new Avatar for Fire Emblem Revelation as I might start playing it soon, any ideas for names? What gender do I choose",2 +@user @user @user @user please. Or you could be clouded by your passion. Emotion leads you from the truth.,2 +Quinn's short hair makes me sad.,3 +Drop every fear...,2 +Sometimes the best motivations come from 'proving them wrong' #energy #relentless #MotivationalQuotes,2 +I Don't know what make #Pakistan fear more their #terrorist or their #terrorism #TerrorStatePak,0 +What day is it #lost,3 +You are NOT your struggle or You are NOT your affliction! #YouAreStrong & #YouAreArising above it all!,2 +#nana 4 hoco bc my dream since freshman year awe 😙❤❤❤ @user,1 +Can someone make me a priority list of which things I should be outraged at + in which order? #racism #animalrights #abortion #cops,0 +"@user don't I know it, try not to fret my sweet little pupper",0 +People too weak to follow their own dreams will always find a way to discourage yours.,3 +No red card for Gordon there? The ref must be a Celtic fan as that was a shocking challenge.,0 +"Seeing #RIPShawtyLo got me thinking bout other rappers then I thought about @user dying, and burst into tears... Smh",3 +@user peanut butter takes away the sting,2 +Angel got me nervous out here 😷,3 +Patti seems so sad. She stamped and ran behind the sofa. We will have to give her plenty of love and affection...more than usual. #sad,3 +no offense but the doctor crying tears of joy after realizing he has a family for christmas is Cute,1 +"@user its reaper!! before he became reaper, you can find their stories on the wiki and thru the comics and animated shorts!",1 +@user @user @user That might sting for a bit lads but you'll get over it. #betterwithsinnfein,2 +"@user yeah whatever, whahibbi are #muslims just a sect, as you know, #islam is synonymous with #rape and #terrorism",0 +13 hour @user rides make me #sorry,3 +Wish I was a kid again. The only stressful part was whether Gabriella and Troy would get back together or not. #hsm2 #nightmare,3 +"{Strong hands moving to firmly grope each of @user thighs, squeezing as her digging nails extract a growl from me.}",0 +Rojo is hilarious,1 +"@user They look FAB, they were made for the big screen!Can't wait to see this evolve & the bright future of these little toy people",1 +is it bad that kurt is literally me..?,3 +@user @user the refs are in GT's favor tonight. #terrible,0 +"Not sorry for that burst of anti #Allo spam, fuck any messaging app launching in 2016, without encryption on by default.",0 +Halfway to work and I realize I forgot to put on underwear....It's going to be one of those days! #mombrain #toomuchgoingon #longday,0 +How sad is it that I'm rejoicing over a 72💀 #collegekills,3 +#aliens #zombie #gore #slash #ghost #sith #horror I love it all. 🔪,1 +Tell me how I'm supposed to feel. #broken #hateful #guilty #love #sadness,3 +The Zika #Hoax Files: DEET is part of a binary chemical weapon targeting your brain: #Toxin #fear #neurological #USCitizens #Insect #mammal,3 +Even a pencil✏ never #stayed with me until it's #end ⚫ 😞,3 +"@user where's your outrage that your party nominated a lying, corrupt person? And received donations from nations who support terror",0 +I forgot #BB18 was on tonight  that is how much the real world has been distracting me #horrid ,3 +@user @user @user @user @user goddamn...the 'celebrity' draft at the end was classic. #hilarious,1 +Ugh.. Why am I not asleep yet. Fml. I think low key I'm afraid I might miss something. #SleeplessNight #sleepy #restless,3 +I am often disturbed by what some people find appropriate or acceptable. It's not funny nor cute that adults find this stuff humorous.,0 +It's become a verb. 'I'm gonna Villaseñor all those old contacts I don't need anymore.' #sadness @user #waitingforexplanation,3 +Marcus Rojo is the worst player i have ever seen. Useless toasting burning bastard,0 +#bcwinechat what's the most common method used to make BC #sparkling #wine?,1 +Step out of your comfort zone. \nGo for risks.\nFace things you fear. \n\nThis is when life starts to happen.\n\n#cpd,2 +@user And who asked you to gate crash with your dumb idiosyncrasies when sober people are analyzing a situation!\n@BanoBee @user,0 +Should've stayed at school cause ain't nobody here,3 +@user @user Not a word about terrorism.,0 +My 2 teens sons just left in the car to get haircuts. I'm praying up a storm that they make it home safely!! #sad #TerenceCrutcher,3 +@user hannah stop being mournful and chill 💁,3 +Just had to reverse half way up the woods to collect the dog n I've never even reverse parked in my life 🙄 #nightmare,0 +"@user Wow, did you get a really good buy on a bunch of '70's movies? There were bad then and are worse now! #awful",3 +I can't WAIT to go to work tomorrow with a high as fuck fever. [sarcasm]\nHopefully I'll feel better tomorrow.\nBut I doubt it. #pessimism,3 +@user @user what I miss? #outrage,0 +Is it terrorism to intimidate a populace? What case held 'coercion by people in uniform is per se intimidation'?,0 +@user against Chelsea anything is possible haha. I'm fuming about that bet 🙄🙄🙄🙄🙄🙄,0 +Well @user Trump's rabid base needs 2 hear this & U can always find an overseer like King to say it.\n@JoyAnnReid @user @user,0 +Radio shake mutli directional mike it might sound cheap but the sound wasn't that bad and you could do some mixing.,2 +@user What? Hillary has 27 different controversies and she gets asked NOTHING about any of them. Truth is she's a horrible candidate,0 +"@user I feel for the conductor tonight, he's obviously taken grief over the last few weeks, he sounds weary of apologising!",3 +"@user he's also mostly (except for the synthetic testosterone bits) male, you raging sexist!",0 +Condolences to the JC and the Georges family.. #sad,3 +Yo there's a kid on my snap chat from LA & they get high off helium gas lmao.... I am like why the fuck lol,1 +While we focus on issue of #IPCA @user Indulges in #intimidation @user @user @user @user #StopCruelty,2 +"Yo,if you're talking about horoscopes do you really have any clue as to what you're saying or are you gonna act offended when I question it?",3 +Meghan is teaching the blues in keyboard fundamentals II and all these classical majors are like WTF?!,0 +@user he's just lucky...bad pitchers...#WHATEVER...ElKracken is #legit #future #bright #gottawearshades #LetsGoYankees,1 +Finally uploaded the file I needed to the university server's drop box. It took like half an hour and a lot of cursing and anger on my part,0 +"Or when they hmu on snap, and I'm like.. which one are you. 💀",0 +Blood is boiling,0 +@user Really sad & surprising. 1 side #Russia fighting against #IS & on the other supporting #Pak which is epic centre 4,3 +@user @user Is that really all you can offer for those who sacrifice daily to keep you safe...? @user #sad,3 +A Leopard never changes its spots! #lost,3 +So @user those of us born in 85 have no generation! Where is the gen-less tribe! Ha! #survivor #lost soles,3 +why the fuck does my mum want me to put corn in the curry?! #grim,0 +It is too fucking bright & too fucking hot outside,0 +Finn singing 'Can't Fight This Feeling' in the shower and Will spying on him is one of the best scenes on any show.,1 +"Hello fellow #horror #creepy #dark #stange #story fans, how's your day? #followme and I'll #followback",2 +"@user A plus point, she won't have to queue for the loos. Any more plus points? Nope, can't think of any #shocking #sexism",0 +Their engine runs on fuel called whining :-)\n\nU jst hv 2b observant..\nHar din Rona dhona & complain. \nHappy news makes them unhappy :-),0 +"It's not that the man did not know how to juggle, he just didn't have the balls to do it. \n#funny #pun #punny #lol #hilarious",1 +"She used to be beautiful, but she lived her life too fast - Forest City Joe #blues #blinddogradio",3 +"@user when the East wind blue in summer in Durban, S Africa, we still surfed and got #stung badly! Must be carefull-A #sting can harm you",3 +sav tells our mom 'I love you' and she responds 'Oh.' #sad,3 +"Defining yourself in terms of opposition, i.e. the clouded mirror phenomena, is almost always a mistake.",0 +@user dudes who wanna play some bass but not buy a bass (me) rejoice,1 +@user @user I cancelled by CBS all access live feeds before JC even said Vic won AFP. Paul.should have won IMO,3 +"It's finally raining in Ashland, Oregon. We've been parched all summer & fall. The plants & people are rejoicing!",1 +@user happy birthday to my seed‼️‼️‼️ #renewtherivalry #imyourdaddy #cantbeatme #tater,1 +@user thank u so much! we just finished another #mindfulness film called #release about #anxiety - plz share!,2 +@user @user It's no secret: personal dislike of Trump & animosity has always been present..now magnified with bigotry/racism etc.,0 +@user #UNGA no talks should be carried out with Pakistan now ... His mouth stinks of #terrorism #UriAttack,0 +@user happy birthdayyyyyy pretty. Miss you!,1 +I'm not used to pretty girls that use curse words to express their anger. I just feel like I'm a little bit surprised and turned off as well,0 +((things that grind my gears: people drawing gideon gleeful skinny,0 +@user @user 😂😂😭😭😭 resentment,3 +A3: But chronic sadness may mean there are underlying issues than getting sad occassionally over a particular issue (2/2) #mhchat,3 +i stopped watching gotham cause they dropped off tabitha and barb's relationship and made her pine after the main,3 +@user your website is making me feel violent rage and your upgrade options aren't helping either. #Aaaaarrrrgghhh #iwanttocancel,0 +This is the scariest American Horror Story out of all of them... I'm gonna have to watch in the daytime. #frightened,3 +I added Paul Walker on Xbox but he just spends all of his time on the dashboard. #dark #humor #funny,1 +@user some weeks there are no problems but this week is unbelievable -- are you guys even running regular 12 buses? #awful #solate,0 +@user @user supporter @user #prejudice against #disabled people #disabledlivesmatter #bbcnews #skynews,3 +@user And I hope when the police met him at the subway that they took him straight to jail 😕 #awful,3 +Do you know how much it hurts to see you best friend sad?,3 +my mom recorded nightmare before Christmas for me 😍😍😍 I LOVE IT 💕,1 +@user @user We are blaming 5% of the fucking idiots who are putting the World in the middle of their tantrums. You are one.,0 +@user Oh noooo! #nomorehammocks #nightmare ;),3 +My eyes have been dilated. I hate the world right now with the rage of a thousand fiery dragons. I need a drink.,0 +when you think you've got it together for a day then you randomly burst out crying,3 +@user lmao! I can only imagine the frown across that face of yours. #Hilarity,1 +Breaking out in hives for the first time since college finals. #anxiety sucks,3 +Q&A with N. Christie @user fr. @user What would Peter and Dardanella think of us knowing? #poorthings,3 +i've seen the elder watching me during my community hours and i honestly don't have an idea about what my assignment will be. #apprehensive,3 +@user i tried to turn off my alarm this morning and it turned on all my alarms instead,0 +@user I know if I wasn't an optimist I would despair.,2 +@user @user New campaign slogan idea...'I know you are but what am I?' #bully #Trump2016 #yourefired #deflect,0 +@user @user @user @user I thought it was because she once sunk her teeth into something that's meant 2b sooked,0 +Smokeys dad is sad :/,3 +"@user made me laugh, that quote. In a sort of rueful way.",1 +TheNiceBot: WSJNordics You make the world a more joyful place. #TheNiceBot #الخفجي,1 +Going home is depressing,3 +so ef whichever butt wipe pulled the fire alarm in davis bc I was sound asleep #pissed #angry #upset #tired #sad #tired #hangry ######,0 +Jimmy Carr makes me want to cry and cry *shiver*,3 +We express our deep concern about the suspension of @user please reactivate it. he never violated T.roles @user,3 +Been working in Blanchardstown shopping centre for over 2 years now and I only figured out today where Marks & Spencer's is #lost,3 +Don't be afraid to give up the good to go for the great. - John D. Rockefeller #quote #inspiration #afraid #great #motivation,2 +@user what a joke!! Cut our internet off early 'by mistake' and then don't reinstate it when we no longer need an engineer 😡 #fuming,0 +Marcus Roho is dreadful,0 +or when someone tells me I needa smile like excuse me ??? now I'm just frowning even harder are you happy,0 +np rum rage,0 +To tell the truth and make someone cry is better than to tell a lie and make someone smile. #truth #lie #cry #smile #offalonehugots,2 +"why yall hyped abt that girl getting to hang out w JB, he clearly looks so unhappy and bored in the pics no offense LOL, plus he hates yall",0 +"If any trump supporters and Hillary haters wanna chirp some weak minded, pandering liberals just tweet at @user @user",0 +My bus was in a car crash... I'm still shaking a bit... This week was an absolute horror and this was the icing on the cake... #terrible,3 +@user wouldn't cross the street to piss on its server if it was on dire,0 +"If you don't respond to an email within 7 fays, you wifl be killed by an animated gif of the girl from The Ring.",0 +I heard Movie Bob was furious about the Skittles analogy. He was upset that there wasn't actually any Skittles.,0 +#internationaldayofpeace : When white supremacists terrorize everyone of differing cultures online and will continue it offline tomorrow.,0 +Candice's pout gets more preposterous by the week. This week it's gone a bit Jack Nicholson's Joker. #GBBO,0 +"Bake off on TV and the Match on my phone, what a nightmare I'm so stressed #GBBO #NTFCVMUFC",3 +even walking around with my family members who carry guns makes me nervous and theyre my family....,0 +75' Tierney reaches a deep cross to the back post and plays it back across but the Alloa defence clear. Celtic relentless here.,3 +What a sad day...1st day of Fall...I don't dislike Fall...I just LOVE Summer #FirstDayofFall #goodbyesummer #sadness #bathingsuitsforever,3 +untypical kinda Friday #dull,3 +@user I fell and heard a snap hffffhj,3 +"Half past midnight, loud banging on our front door, been told about new rape cases in Edinburgh today #joyful #nosleep",1 +5am blues while riding a cab home:\n- my belly is much bigger than the rest of my body\n- but i couldnt be preggy\n- how to lose it in a day,3 +"There's always that one song which makes you turn of the radio, as you'd rather sit in silence 😡",0 +"Symmetry is Key, everything must be aesthetically pleasing as possible, that is why I hold you twin pistols. #DeathTheKid #Bot",2 +He totally knew about it'. Trump finally gets revenge for his son-in-law's prosecution/imprisonment and throws Christie under the bus.,0 +Recording some more #FNAF and had to FaceTime my mum to let her know I was okay after I let out a high pitched scream 😂 #horror #suchagirl,1 +"@user Like, despite all my irritation towards ur ship, at least its canon. BuckyNat is canon, (and clintwanda is canon)",0 +"@user @user yeah, they figured that ornaments are way more wanted than spektar and desolate gear. Well they thought right.",2 +Panda eyed jaunty after watching jaws until late!,1 +Contactless affliction kart are the needs must regarding the psychological moment!: xbeUJGB,1 +I don't even #feel #anger anymore can't explain it .. #Tulsa #Charlotte #Trayvon #SandraBland #Philando #Ferguson #BatonRouge #MichaelBrown,0 +Projection is perception. See it in someone else? You also at some level have that within you. #anger #worry,0 +"People need a way to escape,escape what?This corrupted world.This reality. This joke.This fury of constant pain & stress.We need a vacation",0 +@user & @user must be rejoicing ovet #Charlotte protests. \n#NorthCarolina,1 +@user fix this home/away deptch chart invalid glitch. I have to close madden and re-open it everytime this happens,0 +@user Think about it if he need white peoples votes wouldn't just reach out about things that only concern them & leave out rest?,0 +"Bilal Abood, #Iraq #immigrant who lives in Mesquite, Texas, was sentenced to 48 months in prison for lying to the Feds about #terrorism.",0 +I know this is going to be one of those nights where it takes an Act of God to fall asleep. #restless,3 +Banger sit in 2013 reason why we great doings him alias for why we rejoice in he.: kzfqR,1 +i feel furious,0 +"I don't know what's worse, the new Pizza Hut commercials or the pizza that Pizza Hut makes.",0 +I always thought I was too empathetic but it's becoming clear that the majority of you guys are plain insensitive to an alarming degree,0 +"#NawazSharif says lets end #terror. Sure, let #IndianArmedForces target the bases without #Pakistan interference #Karma?",0 +@user @user @user entire team from coaches on down played and coached scared from jumpstreet. #intimidated,0 +Floofel.i wonder if your mother knows how dark your humor can be.Needs to realize how much of a butt Apple is. Pastels and cats.cutie pie.,1 +Why doesn't anybody I know watch penny dreadful? ☹️️,3 +Thank you @user for the balloons today. #smile #goodday #48,1 +Currently listening to @user & @user @user podcasts!! Can you guys please move to #yvr ? #hilarious #missyou,1 +Depression sucks!,3 +"@user hard to tell in your pic. My mistake then. Either way, nothing I said initially was about race. U took it there. #ignorant",0 +how maybe it was with you and your parents..that I would understand you and your fear of indifference from your own mom and dad..,3 +@user bubble implies it will burst?,3 +@user @user New campaign slogan idea...'I know you are but what am I?' #Trump2016 #yourefired #deflect,0 +"my school photo is honestly horrid, i look so ew😅",3 +"I'm mad at the injustice, so I'm going to smash my neighbours windows'. Makes perfect sense. #CharlotteProtest",0 +@user @user No grudge. Only truth in abundance.,2 +"That's me for the evening, though! Way too lit to finish these off properly without causing some serious mischief.",2 +"@user oh so true, so true.",1 +@user 'customer service ' beyond appalling. Faulty dryer replacement breaks within wks no parts for 3 wks. Engineers no show.,0 +How in the world did Nicole beat Paul?!?! #terrible #bb18 #BBFinale What was the jury thinking?? 😳😳😳,0 +Baaarissshhhhh + sad song = prefect night — feeling alone,3 +"Walk right through them! See way past them, and don't even hesitate running them over.",2 +Im really constipated. This is depressing,3 +@user @user this individual is clearly trying 2 #intimidate this #LEO I see an issue here. STOP CAUSING ISSUES by pushing limits!!,0 +"#AutumnalEquinox the nights are drawing in, what a great time to look at putting up some new #lights #dark #showroom #news #wirral",1 +Isn't the whole 'it's been hijacked' argument the same argument used to ban or discourage the display of the St George's Cross? Shame @user,0 +Watch this amazing live.ly broadcast by @user #musically,1 +That rocky horror remake looks a bit w a n k,0 +I wish there were unlimited glee episodes:( so I could watch them forever. #gleegoodbye,1 +"Why does @user have to come to Glasgow on a night I am working. I am fucking gutted, been waiting for an appearance for ages",0 +Absolutely fuming that some woman jumped into my prebooked taxi and drove off 😡,0 +@user we are not concerned about Pakistan's internal affairs. But the terrorism as it's state & economic policy.#terroristnation,0 +#Trump ’s ‘Make America Great Again’ plan is exactly like the first 15 minutes of the #movie #ChildrenOfMen.\n\n#cages #terrorism #refugees,0 +im like 'this is better' in the moment cuz i panic and then later its so obviously not better. at every opportunity i choose to make it seem,3 +@user The @user had a good one but then the reporter quit. #sad,3 +@user just preordered The Pale EP... Would have paid for the phone call... But I would have freaked out and not said anything,3 +Paul forever. Paul should have won! Paul played such a better game! #BB18 #angry,0 +never afraid to start over,2 +Did we miss the fact that #BurkeRamsey swung &hit his sister #JonBenet in the face with a golf club previously out of a fit of #anger?,0 +And I won't even get started with Hillary and her fancy fundraisers! #depressing,3 +@user forest gate u could see he was a bully cunt big bald cunt his mates looked in shock when I hit him and didn't do shit when he,0 +#IndiaMissingIndira that she could never solve Kashmir Problem and kept it burning for Vote Bank\n#TerrorStatePak,0 +#quote What U #fear controls U. Fear is not out in life but in ur mind. Real difficulties can be overcome - Cheryl Janecky,2 +to shake and my mouth was chattering and I couldn't take right because all of my body was trembling so I went outside,3 +Very depressing seeing my whole fam packing to go on holiday tomorrow and I'm just staying here 🙃,3 +schneiderlin taking his revenge for the 2 fouls,0 +Lol little things like that make me so angry x,0 +"Cuddling literally kills depression, relieves anxiety, and strengthens the immune system.",2 +@user @user varsity pine riding,1 +This has #turned out #better then I expected admitting you tried to #intimidate 😂😂 #cantstoplaughing I really can't and it's in #spokeword,1 +"@user Oh, good God. Quentin Letts is doing one of his 'comedy' turns. #angry @user @user #BBCTW",0 +@user @user And the dreadful Franglaise.,0 +@user Doesn't explain the ability to land at Manchester but not Bradford - other than more convenient for Flybe. Many unhappy travelers,3 +Watch this amazing live.ly broadcast by @user #musically,1 +"@user May I suggest, that you have a meal that is made with beans, onions & garlic, the day before class.",1 +I hate it when im singing and some idiot thinks they can just join in with me like...this is not fcking glee #MeanRikonaBot,0 +Dentist just said to me' I'm going to numb your front lip up so it'll feel as if you've got lips like Pete Burns!...... She was right #pout,3 +People often grudge others what they cannot enjoy themselves.,0 +"Yeah I'm hot nigga, they say im burning uhhhhh",0 +"They want as police state, they are fearful imbeciles..@interpretingall @user @user @user",0 +"Lmboo , using my nephew for meme #hilarious",1 +@user I am irate at you check-in system. I have tried to checkin all day and it wouldn't let me do it because I had no seat assigned,0 +"@user Event started! everyone is getting ready to travel to the lake of rage, where everything glows",0 +@user #fear & #anger are similar to what #Hitler preached to come to power in Germany. Wake up America!!,0 +$SRPT Why would Etep patients & Mom's advocate for a drug if it did not work? Anyone listen to the Etep MD's @ Adcomm.. all were elated.,0 +@user ill be there... with VIP TICKETS! Can't wait to meet you. Never met a famous person i admire before! #nervous,1 +@user @user had more fun than the funniest person in funsville..... Much hilarity as usual.... Thank you ❤️,1 +@user and have social anxiety. There is many awkward things wrong with me. 😄,1 +@user @user the struggle is real. Whoa! I worry for the younger generation 💔,3 +matt and i just did a psychological study on provocation in abusive relationships.,2 +@user @user ya and the d was what I was most confident about..... our offense is as good as it's been in 20 years...our d sucks,0 +"@user gives a frustrated growl, before stepping closer and putting his gun through the barrier. No alarms and nothing happened. He-",0 +Thanks for ripping me off again #Luthansa €400 not enough for a one way flight to man from Frk then €30 for a bag then free at gate,0 +"@user can you please not have Canadian players play US players, that lag is atrocious. #fixthisgame #trash #sfvrefund",0 +"Gahh...BT, in queue for 30 minutes.. Now put through to BT Sport dept to cancel... back in a queue again...",0 +@user switch host no bullet rage.,0 +a #monster is only a #monster if you view him through #fear,2 +@user don't leave me,3 +@user fucking hell mate absolute nightmare 😓,0 +"Michelle, who did NOTHING is hating on Nicole's game hahaha.... #bitter #bb18",1 +"Being stuck in the roof of your house provides amazing view but sheer terror of falling down, kinda like life",1 +Think Val might be going this week. I'll have to take the rest of the week off work to mourn. I'm sure they'll understand. #GBBO,3 +"@user appointment booked between 1-6 today, waited in all day and nobody showed up, also requested a call back and never got one",0 +@user @user @user @user @user @user @user @user @user it's an insult.,0 +im so gloomy today,3 +@user the red one would look super pretty with a bronzy glowy nude lip makeup look! 3rd black would be pretty with a dark lip! 😍,1 +@user @user USA was embarrassing to watch. When was the last time you guys won a game..? #joke,0 +I can already tell this programme is going to infuriate me #ExtremeWorld,0 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +When will the weeks full of Mondays end??,3 +More #checking at #work today\n\n#coffee #drank and now it's #down to some #serious #business \n\n#Thursday bring on #Friday,1 +whats with these boxes when i search google on chrome #horrible #distracting,0 +Last night I had a dream that today was Christmas. I woke up screaming because I wasn't ready.,3 +10 minutes with an incense and all I get is 2 Rattatas. 😂#PokemonGO,0 +@user I've been disconnected whilst on holiday 😤 but I don't move house until the 1st October 🤔,0 +"Sounds like Donald Trump has spent today just making extra, extra sure he'd get those frightened white, conservative, racist votes.",0 +so lost i'm faded,3 +You don't know what to expect by Brendon's video lmao LA devotee video got me shook,1 +Anyone else find @user 'anniversary windows 10 update 1607' a Complete #nightmare,0 +@user Can't believe how rude your cashier was today when I was returning an item! Your customer service is slacking. #terrible,0 +@user @user It's hilarious,1 +"Friday is here, and we are open tonight and tomorrow. Get a jump on your Halloween and come play with us. #hauntedattraction #tulsa #haunt",1 +@user [he gives a gleeful squeak and wraps around you] All mine!,1 +Some moving clips on youtube tonight of the vigil held at Tulsa Metropolitan Baptist church for #TerenceCruther #justice #sadness,3 +Watched tna for the first time in a long time what the hell happened to the #hardyboys #impactonpop #wwe #terrible,0 +"It's not that the man did not know how to juggle, he just didn't have the balls to do it.\n #funny #pun #lol #punny",1 +"@user whats with the 50p a minute charge to 150, insult to injury",0 +Unruly kids at 8am in the morning #nothanks ripping the flower beds up by the roots while their parents watch #shocking,0 +"@user @user Yep, as I pointed out before, it's the politics of loathing. That's why the big candidates are so horrible.",0 +"@user @user hi Dom I saw u at Notts county away, looking for 1 mufc away ticket will pay #blues",3 +"If I spend more than £10 in shimmy on £1 drinks I'll be raging, but we all know it's gonna happen",0 +Looks like #India is finally taking #Pakistan n it's #terrorism to task.#uriattacks.,2 +@user Old age?! No hope for the rest of us. Destined to become deatheaters by 50,0 +"Rojo is just terrible, how is he in our team 😂😂",0 +aaahhhh! a little @user to soothe the soul. #music #blues,1 +The whole idea f a nation revolves around Kashmir & global terrorism: evrn don't care their kids dying of hunger. #NawazFightsForKashmir,3 +Need advice on how to get out of this rut!!!! #depressing #needmotivation,3 +I blame the whole season on Natalie! The season would have been so different had she not turned her back on her alliance! #pissed #bitter,0 +@user looks that way. But let's think about Rohan last week ... #optimism,2 +Thinking about trying some comedy on youtube. Always been fond of it. Time to nut up. #laughter #comedy #maybeoneday #hopefullyfunny #LOL,1 +I don't think it's fully sunk in that Val is gone yet,0 +@user lol. Love it when you aggravate Juan. Keep up the good work. Lol,1 +@user @user wat an irony? #Pakistan lecturing the world on curbing,0 +@user cheer up chuck😘,1 +Shoutout to the drunk man on the bus who pissed in a bottle and on the seats,0 +@user goodbye despair,3 +Headed to MDW w/ layover in SLC. Got off for food. Wrong move. Bailed on my food & barely made it. @user #WannaGetAway #Contest,0 +Someone wake me when @user make 2016 remix of 'Why'❗️b/w #TerrenceCrutcher #Election2016 #colinkapernick #terrorism #riots this 2much,0 +Unbelievable takes 10 minutes to get through to @user then there's a fault and the call hangs up #fuming #treatcustomersfairly,0 +Manchester derby at home #revenge,0 +@user <• change them himself. He follows behind with a scowl pinching his lips and takes the sheets to his room. 'So who is •>,2 +If I was a ghost I'd haunt people by giving them cramps in both of their legs when they do cardio 😈😈😈 #Mwahaha,1 +"sure, ohio state is terrible, ohio is awful, etc, etc\n\nthese feelings began with the toldeo war \n\nso, maybe don't campaign there?",0 +@user See your primary care doctor. They can prescribe meds and refer you to a psychiatrist for eval. Don't mess with depression.,3 +Obama admin rejects Texas plan to have refugees vetted for terrorism so Texas pulls of of fed refugee resettlement program. Aiding .,2 +"#GBBO is such a homely pure piece of tv gold. Channel 4 will attempt to tart it up. Mary, Sue and Mel gone. It's over. I'm out. 👋 #fuming",0 +gifs on iOS10 messaging app are hilarious.,1 +@user should have stopped after 'smiled'. Being rude=not the same as being funny.It was just being mean #stoppickingonwomen,0 +@user #dobetter only two carriages on 14:49 Birmingham to Hereford no room to stand anymore Friday commute #unhappy,3 +hi berniebrocialists of all genders: if I lived in a swingish state I would w/o hesitation vote Clinton & would do so w/o 'supporting' her,2 +I asked Jared to marry me and he said no.,3 +im 16 if you want to see my dick snap/kik me at hiya2247 😘 #kik #kikme #snapchat #snapme #horny #porn #naked #young,1 +"Texans played horrible. Bad play calling, bad protection of the ball, bad coaching, bad defense, bad overall performance. #Texans #horrible",0 +"@user Sadly, not enough names. The whole farewell tour situation would make me shy away from good value b et.",3 +Bayern Munich pitch is horrific,0 +At least I don't have a guy trying to discourage me anymore in what I want to do he will never become anything worth contributing to society,0 +@user awe thank you so much Lyle!! You're the best!😀😀,1 +@user @user @user the 'pledge' would have never have to be made if petulant child POStrump didn't threaten to run,0 +"@user hard to tell in your pic. My mistake then. Either way, nothing I said initially was about race. U took it there. #sad #ignorant",3 +Try to find the good in the negative. The negative can turn out to be good.\n#anxietyrelief #optimism #openminded,2 +Why would Enrique sub off busquet? #hilarious,1 +the rappers who stayed true to the game is rich.,2 +😫 ughh I just want all this to be over.. it's like a nightmare! can we all just get along?,0 +@user Same it's good but not great.Don't Breathe is the horror film of the month for me. My Fav horror film of the year (so far),1 +i resent biting my tongue.,0 +We're very busy #coding a whole network manager for #unity3d based on #steamworks networking. #gamedev #indiedev #3amDeadTime #game,1 +"If you let a general tweet offend you, you definitely shouldn't be on twitter.",0 +"Ever been really lonely and your phone keeps blowing up, but you just can’t pick it up and respond to people? #anxiety #recluse #issues",3 +Instagram seriously sort your sh*t out. I spent ages writing that caption for you to delete it and not post it!! #fume #instagram,0 +@user you charge 150 extra for sending someone out and your cable service still doesn't work. That's robbery. #cable #horrible #service,0 +Regret for the things we did can be tempered by time; it is regret for the things we did not do that is inconsolable. - Sydney J. Harris,3 +"@user So I worry about emphasis on 'keeping family together' as a guiding principle, due to my own experiences",2 +@user #klitschko @user over fury any day #boxing,0 +That's fucking horrific defending from Schalke,0 +I feel like no one is out there on #Twitter for me.... can anyone see what I write #sadness #rants,3 +lol! no mention of pak PM or even his speech on any international news channel and pakis are rejoicing as if the world stands with them,1 +@user DirectTV is the best. Apparently you just sit in silent anger. 'Don't press or say anything',0 +Ok but how are the fast & furious movies NOT classified as comedy's? 🤔,1 +@user #terrible Paul so deserved that win!!! #bbfail,1 +the 1975 are playing antichrist why won't @user play hustle it's an outrage,0 +@user #CharlotteProtest do u #wait 4 the facts #video or do u #hate now ask questions later #protest #PoliceShootings #suggestions,0 +"“It is not #death, that most people are #afraid of. It is getting to the end of #life only to realize that you never truly #lived.”",2 +"be strong, independant and practical. stop living in your world of fantasy. snap out of it. the faster u get used to the reality, the better",2 +"Well, this is cheery. #MrRobot",1 +Is this the Krusty Krab?\n\nNo this is crippling depression,3 +Follow this amazing Australian author @user #fiction #horror #zombies #angels #demons #vampires #werewolves #follow #authorlove,1 +"@user what's up w the gender bias? #indignant This fancypants saddler's daughter will opt for the leather jacket, thank you very much.",0 +"How can I tell Happy Anniversary, when u are not happy.. #bitter #ampalaya #paitpaitanangpeg",3 +The Apocalypse has hit our gym and it's nothing what I thought it would be...\n\nEveryone is wearing vests! What if it's contagious?,0 +13 hour @user rides make me #angry #sorry,0 +What a sad evening - clearing out all of Harvey's cage and belongings. Now so final. Goodbye my little man.... #depressing,3 +So I've decided to go talk to Mr. Smithrud about that creepy fucking guy since he gave me a fucking anxiety attack this morning,0 +"Trying to think positive, and not let this situation discourage me ✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨",2 +It was an #amazing #start to the first #fall day. Will it be an #Indiansummer,1 +@user offense can't score 3 redzone trips no points n lbs can't pull flags n i missed a flag that lead to a td dat took da league,3 +ari looks hilarious oh my g d this is too much,1 +Having holiday blues! #WantToGoBackToMinehead.,1 +.@RepDelBene: 'Today's proceedings and the entire process is an insult to our constituents.',0 +@user coincidentally watched Ulzana's Raid last night - brutally indignant filmmaking.,0 +"Idk why but this Time around its so hard that it hurts, I already miss them all so much #silly #family #friends #nervous",3 +"I'm okay, dont worry. I wish i'd been a better kid. I'm trying to slow down. I'm sorry for letting you down.",3 +SRV's 'Voodoo Child' is approximately 76 times better than Jimi's. #guitar #music #blues,1 +"@user Annoys me to about the Ortiz tribute too, how would the Oriole fans and organization feel if Yanks did that to them? #awful",0 +@user @user @user my snap is andriaprebles ❤️,1 +doing some testing with my current earth burst team,2 +"@user Sat waiting for bus today enveloped in a strawberry scented damp and revolting cloud of vape. I moved away, disgusting, urghh",0 +@user is the live event Brock vs Orton 2 this Saturday on the WWE Network? If not it needs to be! :) #wwe @user @user #revenge,1 +@user first you take the room now you wanna beat me up #bully,0 +"Knowing how to cook is invaluable, what's even better is that even in a 400 sq ft place, I have wide and hearty homestyle egg noodles.",1 +@user #UPLIFT If you're still discouraged it means UR Listening to the wrong voices & looking to the wrong source. Look to the LORD!,2 +I'm still laughing 'Bitch took my pillow' line #glee #kurt,1 +"If Payet goes either in Jan or @ the seasons end, can't say I blame him. The boy must b so disheartened by what he's seeing at the mo.",3 +@user its reflective of the current political debate #awful,0 +"i hope this comes back to haunt you, then maybe you would know just how it felt to be like me at my lowest",0 +"I like the commercial where @user on a chocolate milk bender, steals a soccer ball from some guys and refuses to give it back. #bully",1 +"Everywhere I go, the air I breathe in tastes like home.' - @user #restless",3 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +@user I'm so mad for our clients I'm furious lmao,0 +Just joined #pottermore and was sorted into HUFFLEPUFF 😡😡😡,0 +"@user lydiaaaa, we were the only ones that were supposed to know that you make me nervous 😶",3 +I swear if @user blocks me I'm going to hit her back,0 +"Does this blow your mind as much as it blew mine, or did I just sexually harass someone? #WHOA #Mindblown #huh #setback #fright #madashell 😂",1 +"Why bother tweeting poor men's? \nWhat good does it do? If I'm unable to be cheery, I go quiet. Missed you, btw",3 +That feel when you travel 700 miles to pick up a form that arrives in the post two days after you leave. #fume,0 +"@user thanks for getting back to me, exemplary customer service for a loyal customer #jk #residentadvisor #poorservice",0 +Every year I go to universal studios to horror nights as a 3rd wheel lol 😊😂,1 +I wonder what would happen if I were a father. #weary,3 +A persons opinion doesn't offend me at all,2 +@user yeah a terror packed terror supported speech..,0 +Anger is cheap and politeness is expensive. Don't expect everybody to be polite. #ThoughtfulThursday #politeness,2 +@user I wasn't meaning to offend you. I was saying from personal experience. Kids got placed into these classes and they take advantage,2 +It's weird because I was discussing sex resentment and confusion in the thing I was writing last night.,3 +@user For #serious #intermediaries all required info about #project or #Owner will be mailed.,1 +"Yo Yo Yo,my name is #DarthVader \nI feel like I need to puff on my inhaler (I'm no rapper but that was some sick bars) #breathless #bars #rap",1 +"@user @user @user not to worry, he'll flip Wisconsin",2 +How am I supposed to intimidate the freshman if half of them are taller than I am??,0 +@user shocking,0 +Watch this amazing live.ly broadcast by @user #musically,1 +@user Sam- yes we have! Not helpful at all! We need this sorting ASAP! You keep promising stuff that doesn't happen!!!!,0 +An absolutely dire first half and I can't recall a shot on target. \n\nAgainst Accrington Stanley.,0 +@user thanks for saying My wife and I were getting our iphones today and then losing both of them with no ETA #thanks #angry,0 +revenge,0 +#Peiyophobilia :) An advice from @user don't fear for #Devil! Sure shot✌ @user voice more energetic.Xtremly foot tapping one 👌,2 +"haww I think Nawaz should have spoken about Indian funding to BLA in Balochistan, Kulbhoshan Yadhav and how India used TTP for terror!",0 +"Anger that you are willing to take out on people & the world in general, & ALL #police, is WORST, most indefensible kind of .",0 +No sober weekend 🙂🙂🙂,3 +Can we get a shot of Lingys face at 1/4 time ? Pretty sure it would be more red then his hair #fuming #pretendinghesok #ruok #AFLCatsSwans,0 +So blend the waters lie\nThere shrines and free- The melancholy waters lie\nNo rays from out the dull tide- As if the vine,2 +"oh, btw - after a 6 month depression-free time I got a relapse now... superb",3 +@user @user Don't be silly - she doesn't want to scare them off! 😆,1 +the girl sitting in front of me is chewing her gum like a cow & im ready to snap 🤗,0 +I'm just always too shy,3 +I like cycling because I get to intimidate people with my powerful calves & horrendous tan lines.,1 +@user @user @user I still can't get jimmy garoppolo out of my head and it's been almost 3 weeks. Thanks a lot! #hilarious,1 +"#Jazz - the #blues is the roots, the rest is the fruits",1 +"Americans as a whole are, for the most part, feeling borderline despair at the very least. Looking at a situation out of control.",0 +@user for your next series will u do a celebrity firefighting show and just chuck them all in a burning building and do the voiceover?,0 +The Zika #Hoax Files: DEET is part of a binary chemical weapon targeting your brain: #Toxin #neurological #USCitizens #Insect #mammal,3 +@user be nice if the Texans could hold onto the ball to give fuller and Hopkins a chance!!! #awful #TNF,0 +@user Miss Cookie sends her thanks! She's not as spry as she used to be - like me! She doesn't have the adventures the young pups do!,1 +when u havent learned to swim 🤔 but you keep working out so you're denser and less buoyant 😞 but swimming is scary 🤔 but also u cant swim 😞,3 +A pessimist sees the difficulty in every opportunity; an optimist sees the opportunity in every difficulty. \n― Winston S. Churchill #quote,2 +@user @user I love my #IronTekFit protein shake in the morning before yoga! #ESVoxbox,1 +Why does #terrorism exist in the first place? #AskTrumpOneQuestion,0 +Damn our offense is a mix bag of unpredictable lethal weapons I'm worried for Defense Coordinators 😁 #Chargers #Boltup #Recharged,0 +"bad news fam, life is still hard and awful #depression #anxiety #atleastIhaveBuffy",3 +I just killed a spider so big it sprayed spider guts on me like a horror movie.\n #ugh,3 +@user @user Donald Trump in the White House #shudder,3 +"@user yeah I'm sure it will, it's just so depressing having to talk to my parents over the phone instead of talking to them downstairs",3 +@user EA sports technical support team really suprised me 😊 SUPRISED ME AT HOW SHIT THEY WERE,0 +"@user sadly, at least 3 more years of this. At what point will even the low info selfie lovers who voted for them say enough is enough",3 +Changing my hair again #shocking,3 +oh yay old scientist builds himself a robot assistant and makes it look like a hot naked woman nothing alarming here,1 +@user @user She never said anything about taking away guns but I would now bc of your stupid scare tactics for gun sales.Sickening,0 +@user Hope they refuse :( x #depressing,3 +"@user For me not so much outrage as ‘oh, using female body to sell something, AGAIN’",0 +@user err I wasnt gloomy. 17.2 mio people were not gloomy only #remain were #Brexit,3 +This weather making me dread work tonight,3 +@user oh so that's where Brian was! Where was my invite? #offended,0 +Me: *sees incense burner* is this for drugs?,0 +Tweeting from the sporadic wifi on the tube #perilous,1 +#ahs6 every 5 minutes I've been saying 'nope nope I'd be gone by now.' 'MOVE' or 'GTFO' so thank you for the #fear,0 +@user can't cope wi her sour face and tiny pout 😡😡,0 +"@user Oh, you insult me! What, you think just because I look like this, I'm psycho? I'm more sane than most Gotham freaks...",0 +@user @user #revolting cocks if you think I'm sexy!,1 +Update: I have yet to hang out with @user but I'm still hopeful! #optimism,2 +Day 3 of #harvest16 - listening to the sound of the chopper working it's way closer to home at @user makes me . #farm365,1 +"@user sadness with resentment is the past, sadness with fear is the future. try to live in the now #MHchat",3 +"@user both are nonsensical. If there's injustice against blacks, why add to it by destroying black property. It's misdirected anger",0 +Mixed emotions. #sadness #anxietymaybe #missingfriends #growingupsucks #lostfriends #wheresthetruefriends #complications,3 +@user even when we're fighting I'm laughing. I probably have serious ingrained issues😂🤗,1 +"Fear blocks blessings, faith unlocks them. #ManUp #faith",2 +"@user @user @user Trudeau endulging on outrage culture once again. Preaching issues ad hominem,but never quanitfying them",0 +@user That's why compatibility is key as it lowers hedonic volatility.,2 +Multitasking .... I may have to induce these seeds of mine to sleep. #restless,3 +"@user @user Cancelling home Fibe, Internet and TV this afternoon - as soon as I can arrange alternate Internet. 2/2 #angry #fedup",0 +Bring on my interview at hospital tho 🙈🙈,2 +"@user legit why i am so furious with him, people are such fucking idiots.",0 +@user add tracking but resent them,0 +"Wishing a very Happy Birthday to our awesome dancer, Ruthann!!! We hope your day is magical! #bday #eatcake",1 +"Michelle, who did NOTHING is hating on Nicole's game hahaha.... #bb18",1 +"@user ...specifically are the cause of it all, and they resent being considered the enemy.",0 +Not sure that men can handle a woman that's got her crap together. #independent,0 +Heard of panic! At the disco? How about Kach-ing! at the ATM,3 +False alarm // matoma & Becky hill,0 +there are magpies gathering around me help I'm going to be swooped ! #terrorism,0 +Fashion week this year is dull AF! Someone inspire me!!!!!! 😩,3 +"@user That's awesome! p.s. ok, what are the odds of that, swapping neighborhoods?",1 +How's the new #BatmanTelltaleSeries? Looks good but I'm growing weary of this #gaming style... #Batman,1 +@user I'm so serious DM me I'll tell u more,2 +@user I did that! 3 days later my order isn't even in the same postcode as me #fuming,0 +Will do fine on the mat tonight with or without sleep. theres no worry for that on this side of the water,2 +Tip 5: Don't worry about pleasing everyone. #TitanWisdom,2 +"Watched the movie, friend request at 2am awhile ago in a dark cold night and it was one of the bad choices I've ever made. #nightmare 😰",3 +@user b***er off. NCFC is a grudge match :),0 +"@user I just have serious respect for any man that can pull off a bun better than I can, like maybe they can teach me their ways.",3 +"#Scorpio's can withdraw to a quiet place after being hurt, only to think of a plan to sting back.",0 +"My interview went well today, I can't wait to find out what happens. #nervous #excited #interview #jobinterview",2 +Ive always wondered how long Angelina put up with Brad's crap. Not gon lie 😐,0 +Sickness bug! #awful,0 +@user fucked my coupon that goal! #raging,0 +If I spend even 5 minutes with you and you already irritate me I seriously will bitch you out until you shut up,0 +Light of day per heyday popularization backfire cinematography: XUcQb,3 +"@user you may be right, but since year the bad events begin with B, I'm privately hoping we've got at least C-Z to go 1st #optimism",2 +"@user It's daunting trying to follow Swift news/trends, and facing mind-shattering patterns/terms left and right. I'm trying to adopt gently.",2 +RM will win the game at the last minutes and Madridistas will say Cules stayed this long watching RM win at the end. Disgusting fanbase,0 +"@user @user Yeah, this actually supports why I tweeted in this thread initially. Because of the article's righteous indignation.",2 +@user @user @user we just found thin mints in a freezer clean. i couldn't be more elated.,1 +i cant live anymore my roblox got termianted :(((((((((((((((((((((((( #killme #lol #robloxgamer,3 +I wonder what American city will be next to protest about police shootings. Who's next? Smh. #whenwillitstop #angry #howmanymoretimes,0 +@user @user good thing the FBI didn't offend them!,2 +I've returned from the dead with a desire to clean the apartment and eat something that isn't garbage. #managing #depression,3 +@user I'm furious 😩😩😩,0 +@user why is there no disabled access at pontefract monkhill?,0 +@user this amount of greedy mooching makes me snarl.,0 +"@user Thanks, big bro. It's shake and bake and you helped.",1 +"@user [Reyes snarled in frustrated anger, steel claws flexing dangerously. But she uttered those damning words, it seems to snap --",0 +@user #CharlotteProtest do u #wait 4 the facts #video or do u #hate now ask questions later #sad #protest #PoliceShootings #suggestions,3 +@user yet you and all the other English pundits are afraid to criticise him,0 +"@user Then u understand that rage is often not pretty, or controlled or rational - it is often visceral-not always logical.",0 +You head north and arrive at a breezy cave. It smells sweet. You glance at your watch; you're running 15 minutes late.,1 +Haven't gotten one hour of sleep... Today is going to be a fun day 😐,3 +@user vas a ir al de the amaity affliction?,3 +"A little nose irritation and a little more chills on my body. I'm so not into flu, into flu, into flu #FallSongs",0 +But i'll be a pity. 🐑,3 +How do u grieve someone who legally wasn't a person yet?,3 +@user I love parody accounts! Well done. Vote for #Trump. #lol #hilarious,1 +"@user but sadly he missed some crucial and important points. Indian terrorism in pk, kal Boshan, etc.. Raw involvement",3 +Accept the challenges so that you can feel the exhilaration of victory.' - George S. Patton,2 +@user going back to blissful ignorance?!,0 +..... wakes up and says 'have you tried changing her nappy?' 😡👊🏼 #rage!!!!,0 +"smh customers getting angry at me bc i aint got no marlboro lights in the gas hut. i called them in 2 hours ago, fuck you.",0 +>.< too much clutter in my brain with recent little changes that I haven't yet processed... #dying #panic #IveBeenBusierWhyAmIOverwhelmed :(,3 +@user peanut butter???? You some kinda pervert?? #awful,0 +@user something needs to be done about people hogging machines - nobody can use 3 machines at one time! #angry #notfair #whypay,0 +Thinking about trying some comedy on youtube. Always been fond of it. Time to nut up. #comedy #maybeoneday #hopefullyfunny #LOL,1 +@user I've left it for my dad to deal with 😂 My work is done as soon as it's felt the wrath of my slipper 😷,1 +not near my kitchen so unfortunately I cannot do a cooking snap series 🍳,3 +@user Don King is an insult to the intelligence of the Black Community. What are these people thinking?,0 +"Gahh...BT, in queue for 30 minutes.. Now put through to BT Sport dept to cancel... back in a queue again... #shocking",0 +these confident bitches should scare you the most,0 +Hey @user why can I only see 15 sent emails? Where's the thousands gone? #panic,3 +@user + and gives it to hear] 'Please.. I can tell you anything if you want to listen. maybe you're dont afraid anymore of me +,1 +How do you ever stop being #afraid of someone that you live with,3 +Clash of the titans and wrath of the titans 🙌🏾🙌🏾🙌🏾 🔥,1 +@user grim what the fuck going on with these dame fucking clowns takeing the gameing channel if I had a way to nj I would delete,0 +And I cried in front of my guy last night. And it's just been a horrible week but it's only for a week,3 +"life is hard., its harder if ur stupid #life #love #sadness #sadderness #moreofsad #howdoestears #whatislife",3 +"@user Sure have... Sydney are too tough, too quick and their 'team' pressure is too much for the Cats to handle. Motlop/Cowan",2 +*Still waits for Yang. Guess she really needs her sleep or something. Kittens feeling kinda dejected right now.* #Offline,3 +the prospect of getting choked out by a hot daddy tonight is sorta cheering me up but I also kinda just wanna watch the new AHS episode lol,1 +"@user : I can't find my patronus, the website doesn't work, I can't even see the questions.... #sadness...",3 +"Don't join @user they put the phone down on you, talk over you and are rude. Taking money out of my acc willynilly! #fuming",0 +"@user This is it. The complete illiteracy around the role, nature and extent of British agents is shocking.",0 +"The labor of love is not cheap or inexpensive, it's the time spent earning it. #lackadaisical #dreamer",3 +I want to pour all my tears on someone right now. So tired of this #upset #sad,3 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +@user didn't even realise you used that insult it was that shit mate,0 +"@user Boro are at the OS before then, they could give the stewards a good work out. Chelsea will get about 8k, will be lively.",1 +the sad moment when u hand in an exam knowing u failed and grieve by eating and sleeping,3 +I don't know what WiFi/ISP Rivertide Suites in Seaside #Oregon uses. But 53ms ping best I can get and a D/L test won't complete.. #terrible,0 +@user dude we same fukc i lost my spectacles this morning.......,3 +It's a beautiful day today. Cloudy but sunny and breezy.,1 +Halfway to work and I realize I forgot to put on underwear....It's going to be one of those days! #mombrain #toomuchgoingon #longday #breezy,3 +Always do sober what you said you'd do drunk. That will teach you to keep your mouth shut. \n― Ernest Hemingway #quote,2 +"Bloody hell Pam, calm yourself down. But could have sworn something black & hairy just ran across the carpet, #perilsoflivingalone #nervous",3 +@user I'll be there!! Can't wait for all the #mirth!,1 +A wise man told me that holdin' a grudge is like\nLetting somebody just live inside of your head rent free,0 +How is it suppose to work if you do that? Wtf dude? Thanks for pissing me off.,0 +Inpouring this letter we are dying over against subsist checking quaint virtuoso ways toward fine huff yours l...,0 +induction day tomorrow for pizza express,1 +Shoutout to @user for ruining my iPhone 7 order!!,0 +I hate freaking out and ruining things. #anxiety,0 +I'm tired of everybody telling me to chill out and everythings ok. no the fuck its not. I'm tired of faking a a fucking smile,0 +What do you get when you cross an #apple tree and a #pine tree? 🍎🌲\nNothing. You can't cross-pollinate #deciduous and #coniferous #trees.,2 +Im so serious about putting words in my mouth bitch don't add ' the ' to my sentence if I didn't say that shit on bloods,0 +"@user unfortunately the diet is still on, so they will have to wait till Friday I'm afraid.",3 +Can someone make me a priority list of which things I should be outraged at + in which order? #outrage #racism #animalrights #abortion #cops,0 +The smell of freshly cut grass didn't even cheer me up...boy oh boy,3 +OOOOOOOOH MY GOD UUUUGGGGHHHHHHHHH #rage,0 +A .500 season is all I'm looking for at this point. #depressing #royals,3 +@user yeah agree - I think it was a family member and they covered up #sad,3 +"With that draw, the scum must be rubbing their hands with glee! Typical draw for the Woolwich lot!!! #jammygunnerscum",0 +@user Now that's what I call a gameface! #gameface,1 +So about 18mths ago i signed up to @user for their @user / Velocity FF deal. 18 months in still no FF points #shocking,0 +i am le depressed i l hate myself xDDdD #sad #depress #loner #emo,3 +"@user haha, horrific is all that needs to be said. Glad I'm away to Spain on Sat so missing game 🍹🍕🍺☉☉",1 +"@user ya know I love ya man, but #TheGreenInferno really fucked with my head....(giggle)..do it again. #epic #ineedtherapy",1 +"While I was walking, a little boy in a red shirt(5/6 years of age) shouting from a distance of 3 meters, in a jovial manner saying...",1 +Just saw lil homie @user rage on cam. Weren't roids a thing in the late 90's or has it come back? I'm lost...,0 +#Drunk people annoy me when I'm #sober lol. | #fact #TeamFollowBack #RockTheReTweet,0 +@user #offended the tonys have found a way to leave me out and now y'all have too,0 +@user @user Amal Clooney should try to prosecute #Bush/ #Blair for #war crimes that turned our World upside down&created,0 +@user I feel horrible dealing with 'players' in HotS. News on what you're doing about it? Getting stuck with uncooperative people!,0 +@user data stolen in 2014 and only now do you tell us #shocking.,0 +I am using twitter as a coping mechanism for raging out at this kid oops?,0 +@user @user I need it today! Do u know how many fuckin French plaits I had to do this morn with a stroppy 9 yr old!,0 +@user @user any of y'all remember when MLB tried a futuristic jersey those were all,1 +"@user No idea, just exhausted and I was tidying my room and just burst out crying ... fs",3 +"me, myself, and I \n #horror movie alone again tonight maybe a #zombie would eat me and finish my life game already - i want #gameover",3 +No offense but to the ppl out there using creams to build your glutes...COME ON. Go squat and what not.,0 +"Pro Tip: Go back to work when your kid reaches 20 mos old. Stay home any longer, and you'll be absolutely miserable with the #tantrums.",0 +Catering channel's at the height technics hearty enjoyment symptomatize: vrlfEyrN,1 +Bes! You don't just tell a true blooded hoopjunkie to switch a f*c@n' team that juz destroyed your own team. You juz don't!,0 +Gotta wonder why Caller Max listens to the show in the first place if you so incense him @user,0 +It's unbelievable that security guard acting like a gangster trying 2 threaten me and tell me what to do with my own home. #terrify #annoy 😡,0 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +@user I've just found out it's Candice and not Candace. She can pout all she likes for me 😍,1 +Dunno y am going to the Yorkshire scare grounds when I only lasted a minute in the Alton towers one before running out a fire exit crying,3 +Dear Indians..It is hard to swallow this but for once try to swallow this bitter pill...that is.. Pakistan is number one in Test cricket!!!,2 +@user black armed thug with a record carrying gun illegally gets shot by black cop. #outrage This is a joke.Let em destroy their town,0 +"Niggas never changed...even as a kid and a 29 year old, in his interviews, seems jovial and happy after death of his sister...he did it",0 +Watch this amazing live.ly broadcast by @user #musically,1 +Hey no turn over after a kick - way to go Texans! Way to go! #Texans #noheart,0 +People irritate my MF soul,0 +Watch this amazing live.ly broadcast by @user #musically,1 +i wonder how gleeful it is to be dumb af and see the world through rose tinted glasses,0 +The weather sure matches the mood in this state today.. #gloomy,3 +My Modern Proverb: 'Don't let anyone intimidate you about being single; most marriages end in divorce.',3 +@user PS: I still think your broken leg against Scott Steiner was one of the most horrific injuries I've ever seen in the ring #ccot,3 +@user yessir. Also cheering for Sweden bc of Lundqvist,1 +i can't believe they're all messing up my favourite of all bakes i feel personally offended,0 +Donnie trumpeter is a vapid and vacant vile viper slithering through the landscape and playing on the gears of the fearful and afraid.,0 +So I survived spin....trying to get down the stairs was hilarious tho #jellylegs 😂😂,1 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +@user :)) im now writing abt the changing face of sex industry in tr :))) now men will talk to me then! #revenge,0 +Does anyone remember a movie that is animated in the late 70's called Shame of the Jungle John Bulushi was in it wild if that's your taste,1 +It's so gloomy outside. I wish it was as cold as it looked,3 +Hate being sober so I popped two,0 +@user @user @user @user @user @user to give me my keys back. They aren't for my house!,0 +"The bowl on my new food processor broke, @user #sadness.",3 +"In 2016, Black people are STILL fighting to be recognized as human beings. #cantsleep #angry",0 +So far ours greet have raised £250 for @user with more to come in #sparkling @user @user,1 +@user I send ya a few #playful nibbles 😉,1 +Don't get #bitter get #BETTER,2 +"@user Hi folks. Flight is going to be over an hour late departing from INV (EZY864), how do we go about getting a refund please?",0 +81' Goal scorer Vidar Kjartansson comes off in favor of Dor Micha! Another terrific performance by @user #YallaMaccabi,1 +I'm not use to getting up early asf this shit goin irritate me.,0 +@user if your depressed and somebody calls you long faced will you still automatically take umbrage?,3 +@user The worst customer service and lack of professionalism from this service provider! #phoneprovider #badbusiness #terrible,0 +3:45am and off to the hospital! Elouise's waters have gone! #Labour #LittleSister #superexcited,1 +"@user \nSo when exactly did you lose your mind, pal? \n#Trump #fraud #misogynist #liar #psychopath #narcissist #revolting #conartist",0 +What terrible thing to see and have no vision-\n\nHelen Keller-\n\n-Begin with the end in mind-\n\nStephen Covey-\n\n #whereareugoing,3 +Watch this amazing live.ly broadcast by @user #musically,1 +A 'non-permissive environment' is also called a 'battleground' - #MilSpeak,2 +@user @user lol no it's sparkling wine,1 +"@user #Poor = #angry and justly so. Offer people some hope! My god, does anyone see this?! #Education should not be for the #elite",0 +"#Pakistan is ‘terrorist state’, carries out #war crimes: #India to @user #UNGA #UN",0 +@user opened doors to terrorism and he will pay for it. @user @user,0 +@user the pout tips me over the edge. I am most definitely AGIN. Who the feic bakes with full make up and boots with heels!!!!,0 +depress 😭,3 +"Leeds surely to drop the prices for that cup tie, rather than the dismal attendance last night..",2 +@user Good - cuz that's what Trump is: a fucken 'N'azi. Don King-u havnt sunk this low since u set up Mike Tyson. 2 pathetic Dons.,0 +@user I thought everyday was a glee day??,1 +@user grim really,3 +You have a #problem? Yes! Can you do #something about it? No! Than why #worry,2 +second episode of AHS 6 here i go,1 +@user : YES ! Right ? I mean I wish you hadn't been discouraged to see #MikeandMolly because so many parallels really -,3 +@user @user just got wind of #MenForChoice and it doesn't infuriate me. Just makes me sad for the generation.,3 +Life long fear of havin a shit and a spider crawls up ya bum,3 +Unbelievable takes 10 minutes to get through to @user then there's a fault and the call hangs up #treatcustomersfairly,0 +@user @user looks like a book shaped like a gun to me #optimism #itsagunalright,2 +@user I think you should do. Get the fashion police involved.,2 +"A MOMENT:\nIf you kill it in the spirit, it will die in the natural!!!'-@PRINCESSTAYE #murder #suicide #racism #pride",0 +"ninaturner: Mine too. With what is happening in country, I needed this moment of levity bernblade LisaVikingstad",3 +I'm just a fuming ball of anger today 🙃,0 +Indignation: [whispers to date during that terrific Lerman/Letts centerpiece scene] That's his overwhelming sense of indignation.,2 +"@user One day I'm drinking a bottle of nyquil, the other I'm sleeping zero. My lovely #horror fam, which should i watch? 🎩",1 +@user negative campaign of doom and gloom don't win elections,0 +@user @user Start mournful then kick into major key in last verse where good guys win? (Or just change words in existing song?),3 +All I want to do is watch some netflix but I am stuck here in class. #depressing,3 +@user @user To good hearts I lost my job I'm Responsible 2 families My Information in profile even dollar if can’t just Re-tweet,3 +I was literally shaking getting the EKG done lol 🙄,1 +Police don't wanna be called pigs but they keep actin like em....honestly that's even an insult to pigs,0 +@user I know smh. My heart sunk into my stomach.,3 +"can only blame Jose ere why would you give Rojo another start after Sunday , fucking disaster waiting to happen & it did shocking header !",0 +"Y'all bitches be so angry and bitter, that must truly suck lol",0 +Today you visited me in my dreams and even though you aren't physically gone I still mourn you,3 +"I wish I could fast forward 3 months from now, I'll know then where I'm at with my girl, my classes, and basketball. Rn I have pure",2 +@user it happens and Vegas isn't the only origin thats prevelant #sadly,3 +@user don't provoke me to anger,0 +@user @user u gave Laura so much constructive criticism she blocked u 'Lazy Give Up Now No Hope Retire' same with Heather,3 +And she got all angry telling me 'but what would be doing a 40 year old guy looking for a girl like you' and I felt #offended,0 +Always hurting somewhere..... ALWAYS tired ....when are you lively ??,3 +Go away please ... I'm begging »»» #depression #anxiety #worry #fear #sadness \nDreams of joy and my baby to be found...Sits on #AndisBench,3 +"if u have time 2 open a snap, u have time 2 respond",0 +"@user thank you, I shall mourn her",3 +Let's refuse to live in #fear - #sotoventures,2 +and I'm up from a dream where I said something really retarded on twitter and it got like 10000 retweets,1 +Once I have sent a pitch to a brand I close all tabs relevant to them instantly. Thats the kind of detachment I create for myself. #serious,3 +Fast and furious 6 this Monday 10 pm on mbc 2 😍😍😍😍😍😍😍,1 +Living life so relentless,3 +also i had an awful nightmare involving being sick where worms were involved i was so disgusted when i woke up,3 +something incredibly terrible about my life is i'm 23 years old and still suffering through group projects..........,3 +@user awe thanks girl 😊😊,1 +That AK47 leave your spine with a frown,0 +Candace & her pout are getting right on my tits #GBBO,0 +Watching driven by food and @user going to Devon Ave to eat nihari makes me gleeful af,1 +I remember when Rooney wanted to leave United and the fans threaten to kill the man and bare junk... wanna regretting that now? 😂😂,0 +@user #zionist = #terror \nImagine this kid was a #Palestinian or #Muslim\nZionists stealing #innocence of childhood from #Jewish #children,3 +"@user he's brilliant, lost the joyous plot with us that year. Admits being a fan now after that.",1 +Just joined #pottermore and was sorted into HUFFLEPUFF 😡😡😡 #fuming,0 +No @user for MOS 😡 #shocking Leads from the front 💪🏻,0 +my life in one word is depressing,3 +Well I won't be doing a unboxing of the iPhone 7 plus on my channel until November sadly. Thank you @user @user Staten Island NY smh,3 +Patriot rookie QB Jacoby Brissett to start vs Houston tomorrow nite.\n\n'Been a learning process since I got here.Gotta be ready to go.',1 +Being shy is the biggest struggle of my life. 🙄,3 +#Hudcomedy #AdamRowe #insult Slutfaceshlongnugget,0 +penny dreadful just cleaved off a fraction of my heart,3 +@user Only Indian seems to be afraid of War is @user n like India is for WAR! WAR! WAR! we cry war. #PakistanMustPay,0 +"Okay you've annoyed me, you haven't done a good job there at all. #furious",0 +me taking a picture by myself: *awkward smile*\nme on picture day: *awkward smile*\nconclusion: stop smiling ;'(\n #pictureday2016 #ornot,3 +"@user i know i don't know u, but physiatrists are seriously the number one best thing for people with anxiety.",2 +@user that nigga is horrible bro,0 +It was very hard to stifle my laughter after I overheard this comment. It really is amazing in the worst ways.,1 +"@user Annoys me to about the Ortiz tribute too, how would the Oriole fans and organization feel if Yanks did that to them?",0 +so I picked up my phone!!!' #shocking 😳,3 +@user With or without cake seeing your wee cheery face is always a joy xx,1 +@user I know guys that sink $1000s into the game and only to build a team and play solos. But this hear you make nothing on solos.,3 +The most depressing part of being ill is that your taste goes 😫,3 +@user bc it's a gloomy day Tony,3 +@user Red heads are more fiery.,0 +I've been wanting salty fries from McDonald's since yesterday and I'm burning my fingers eating them bc these shits 🔥🔥🔥,0 +Watching the NY Phil webcast. Something missing. Reminds me of a blithe Journey's End I once saw on Bway. Might just be the Gershwin.,2 +@user this is hilarious !!,1 +Jeans with fake pockets #horrible,0 +@user ring ring! #depression is here,3 +This nigga doesn't even look for his real family 🙄😂 #sad,3 +PM #SheikhHasina in @user speech terms #terrorism as global challenge and urges world leaders to work together to unroot it from everywhere.,2 +"@user , just saw the Save The Day PSA. Why were you in obvious tears doing it? I'd have thought you'd be your cheerful self.",3 +@user ←would furrow and her face would redden as she protests; it would seem that being seen as unattractive in Wukong's eyes was→,0 +"My prayers are with the family, friends & members of @user as you mourn the loss of Engineer Ryan Osler. #LODD #RIP",3 +If my concerns & anxiety don't matter to you then I shall return the favor. #EyeMatter,0 +I had a dream that I dropped my iPhone 7 and it broke T_T #cry #iPhone7 #nightmare,3 +"@user @user @user @user Also, apart from Skyfall, her music is dire and boring.",3 +Too many gloomy days,3 +#PeopleLikeMeBecause of some unknown reason but I try to discourage it,0 +in love with @user insta!!!...,1 +A decent sleep makes Kurt a happy soldier. Spit & polish the converse men. chests out and baseball caps at a jaunty angle.,1 +@user @user I'd rather leave my child with @user #shudder,3 +Standard Candice starting the show with a pout #startasyoumeantogoon #GBBO,1 +inha's and seol's banter is rly fun to read. im in awe that seol is willing to deal with her tho,1 +@user NO greater wrath than a woman scorned.,0 +"3 #tmobile #stores, #original #note7 #customer and zero #results... What's going on guys? #terrible #customerservice #2hour #waittime",0 +Nasty nasty chilly rain has put a damper on my afternoon cigar. This is NOT a good thing. @user And FOUR #CongressCritters tomorrow?,3 +18' \nMichael Carrick as struck the back of the net much to the delight of under pressure man u fanz and MOU...,3 +"I'm onto you, @user I know you secretly pine for a masculine order, objective morality, and disciplined transcendent pursuits.",1 +Literally dying & living at the same time as I catch up on @user 's twitter. If you aren't following him your life is BASIC. #hilarity,1 +Mary astounded there at the concept of having leftover milk at the end of your cereal #GBBO,3 +Biggest #THREAT 2 #GLOBAL #STABILITY? #climatechange #food #water #security #terrorism #russia #war #trump #clinton #geopolitics #korea $vwo,0 +@user @user You certainly wouldn't catch me with the multitude.,2 +@user can be as indignant as he wants but the world knows Obama will do nothing and Putin will just do what he wants #Aleppo #Syria,0 +"When's it all finished, you will discover that it was never random! #thoughts #CrossoverLife",2 +@user LMAO Is it that 'so slutty' hater girl? That video was hilarious. 😂,1 +@user so you are astounded that I respect blacks to vote like any other human? u talk so down towards them. What bigotry on display!,0 +"It's simple I get after two shots of espresso 'Grande, decaf, 130 degrees soy americano with extra foam' #barista",1 +There goes the butterflies in my stomach. #anxietyproblems,3 +@user wallah my blood is boiling I need to take a nap ugh,0 +@user just had a steak pie supper,1 +"From what I know of the man, I have to assume that @user has had a heated argument with his own penis. #sad",3 +I have serious problems with the expectation that private philanthropy should replace functional government services...this is dangerous,0 +@user @user Meanwhile white cops keep killing black people. But there's less outrage about that. Strange society that.,0 +"I took a yr off school and I'm proud to say I got accepted again, yo girl is going to finish! #happy",1 +Feeling worthless as always #depression,3 +"Dear everyone at HSSU, stop walking with your phones up so I can smile and wave at you and you can smile and wave back :(",3 +Where's your outrage when a black man kills another black man in the streets?,0 +I feel like singing the song human sadness by Julian Cassablancas and The Voidz or some other sad music. #depression #sad #sadness,3 +Another fun fact: i am afraid,1 +@user @user @user you are so wrong for this!needed levity after that recording,0 +Bring on my interview at hospital tho 🙈🙈 #nervous,3 +@user What if the supposed animosity is all bullshit to con the Iranians?,0 +@user Reaching out AGAIN in hope to contact over the technical issues I am having. Your CS is severely lacking. #badkarma #unhappy,3 +Val reminds me of one of the cheerful witches that looks after Aurora in Disney’s Sleeping Beauty. #GBBO,1 +"@user thanks for getting back to me, exemplary customer service for a loyal customer #jk #awful #residentadvisor #poorservice",0 +@user #Strongwomen terrify #weakmen - don't let the #bully wear you down. Loving your consistency and truth in rough times Hang in there ❤️,2 +the thing with Twitter is i only remember to tweet when i'm bored or alone and then it comes across like i have a really dull and sad life.👽,3 +"You will never find someone who loved you like I did. And that my love, will be my revenge.",0 +He's mixing it up pretty well..using that slider pretty affective so far #thebabybombers #yankees #offense,1 +God knows why you'd wanna go with a girl who's slept with half ya mates #grim,0 +Paul forever. Paul should have won! Paul played such a better game! #BB18,1 +@user @user I couldn't care less about #GOTHAM. I haven't watched it since the mid point of season 1.,0 +I can't even celebrate my wins or mourn my L's cause first test week is that busy 😕,3 +You make me breathless.,1 +Fuckin restless,0 +A hearty welcome to those who followed me.,1 +"The liberal outrage over don king saying the N-word really angers me. The white yuppie progressives can go fuck themselves, shame on blacks",0 +Nick said he's territorial and he'll growl if someone gets too close to me #hesananimal,0 +"because a kitchen sink to you is not a kitchen sink to me, okay friend?",0 +When you burst out crying alone and u realize that no one truly knows how unhappy you really are because you don't want anyone to know,3 +"oh, btw - after a 6 month depression-free time I got a relapse now... superb #depression",3 +"@user Same with gaming. Sites leaned PS2 during its heyday, leaned 360 most of last gen. This gen started vitriolic mostly by...",1 +Thought I left that part of life behind me\nIt's back to haunt every girl that loves me,3 +"meeting tiff at the mall soon, congrats on getting that L babes❣",1 +Dude go out his way to irritate me🙄🙄 that's why I go out my way to not give up any pussy🙅🏾🅿️,0 +@user awe yay thank god I was so worried.,1 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +"Do not despise the Lord ’s #discipline, do not #resent his rebuke, because the #Lord disciplines those he loves... #Proverbs 3:11-12",2 +Close to the end of a revision...taking this story I love in a new direction has been exhilarating for me. #endlesspossibilities #amwriting,1 +I look #horrible today and I just saw 6 people ik in the past 10 min :-),0 +Everyday gay panic is STUNNING: I drew 1 guy's att'n to it when he blocked up a toilet stall's cracks w/paper towels. TOTAL INCOMPREHENSION.,0 +@user @user because there is a realistic probability that a clown might be their next president. #clown #uspol #nightmare,3 +@user @user 47 unarmed blacks killed by white cops in 2015. That many die every month in Chicago wheres the #outrage,0 +If you really care like you state @user @user then I would seriously address sensitivity training to your employees #awful,0 +"[My teeth were sunk down into the vein of the poor woman who had 'accidentally' had a small problem with her engine, just outside of --",3 +"Bilal Abood, #Iraq #immigrant who lives in Mesquite, Texas, was sentenced to 48 months in prison for lying to the Feds about .",0 +@user sadly his best days are behind him,3 +@user when you click over and over again for a cupcake but there are no vehicles available... #sadness,3 +Well i did hear once before that girls are attracted to men that look like their dad! 👌,1 +@user sorry to upset u madam.If you have got any queries don't hesitate to contact our PR department.In the meantime do you fancy a beer?,2 +For the last 2 years the U.S. has been averaging about 4 terrorist attacks a month. Good debate topic. #Trump #Hillary,0 +Having one of those #angry days. I will have to stop watching #news.,0 +@user May I send you a copy of #HeroTheGreyhound? Either e-book or real paper one! A boy and a greyhound #smiles #tears,1 +Kayaking is merriment together with sevylor inflatable kayaks: eYGgJxMl,1 +"This white lady just told me that I incite suspicion based on how I look, being 6'4', having tatoos, athletic build and wear a durag. WOW!",1 +"@user -Sylvia was elated to receive kisses from the little prince, her bright smile clear as she glanced to Garrett and Elyse- --",1 +@user #heyday Race war 2016,1 +Hell hath no fury like a sound technician scorned'\n\nThat's the quote right,0 +"I love when my dog is playful, but he really just scratched my face while flailing his paws in excitement and almost tore my nose ring out",1 +"myself that despite the absolute delight my children and I would feel having a kitten in our home, the misery my husband would feel is more.",1 +@user please fire don lemon!!Do not let him report on anymore protest. He is #horrible #negative and runs away from the issue at hand!,0 +. @user @user The problem is the time it has taken to do this means its going to be out of date already. #sadly,3 +@user im pretty sure cause ever since saturday ive just been super sad lol,3 +Best quote from a 7 in German - Almost,1 +Wow what a thought! #JudgeLynnToler 'I can't have the specter of this morning's problem haunt my afternoon.' Well written! That 1 sentence,1 +Put my passport in a safe back after getting back from Australia 🌏. Only problem is now I can't remember where the safe is!! #panic 🛂,3 +if i don't answer your 50 texts pls don't snap me,0 +At my age all I see is gray. Is it gray because of my bad eyes or my perspective #depression #healingjustice,3 +@user @user because there is a realistic probability that a clown might be their next president. #clown #uspol,0 +Am I the only one with parking sensors who still manages to reverse into things? #nightmare,0 +Just feel awkward that I'm being timid to everyone.,3 +This provocation sets off a curiosity. An entity is feeding fuel to the fire. speaking quatrains. Hmmm America needs to be vigilant now,0 +Beginning the process to see if working is an option. #mentalhealth #complexptsd #nervous,3 +whenever I hear concert postponed I think of dismal ticket sales green day ?,3 +"Don't let fear hold you back from being who you want to be. Use it's power to push you towards your goals. No more fear, just action.",2 +Shoutout to the drunk man on the bus who pissed in a bottle and on the seats #grim,0 +I can never find the exact #emoji that I'm after at the exact moment that I need it #panic,3 +Hell hath no fury like a late twenty something dude who's concur for government session keeps expiring before he can submit a form,0 +"The point of living, and being an optimist, is to be foolish enough to believe the best is yet to come' - Peter Ustinov #quote",2 +@user I think it's the daunting fact of the typical offer being those grades. Even though it's been proven not to be the case exactly,0 +@user I asked for my parcel to be delivered to a pick up store not my address #poorcustomerservice,0 +Embarrassing lack of defensive depth coming back to haunt us.,3 +@user @user you should force your neighbours to pay that! Those people have some nerve!!! #outrage #Victim,0 +I love when people say they aren't racist right before they say some racist shit... Not how that works...,0 +People stealing things from my work out quite the damper on my day so now I am going to wear pajamas all day,3 +@user @user awe ain't he a sweetheart? He's adorable! 😊😍❤️,1 +Anyway I'm in a car with a furious white men and I have a really funny story to tell when I'm sober 😂,1 +we shiver in the pause between words \nabandonment still fresh upon the tips of our tongues,2 +@user I would have almost took offense to this if I actually snapped you,0 +GUY was such a video I'm shaking @user,1 +@user can't wait to see you Hun #cuddles #gossip,1 +"Being at the airport is so depressing.. watching all the loved up couples and cute people coming off holiday,too cute..hurry up November ✈️",3 +Tweeting from the sporadic wifi on the tube,1 +Spurs radio commentator referred to Mauricio Pochettino as 'MoPo' and I felt a sudden surge of rage.,0 +I can't even right now #bb18 #rage,0 +I forgot #BB18 was on tonight 😳 that is how much the real world has been distracting me #horrid 🙅🏼🙈🙊,0 +How had Matty Dawson not scored there!!!!! #terrible,0 +ICQ is just making me mad!!!😤 #icq,0 +"Never fear the want of business. A man who qualifies himself well for his calling, never fails of employment.",2 +Has anyone noticed that @user stories in recent days all paint positive accomplishments for Trump and challenges for Hillary? #surprised #sad,3 +I hate when people say 'I need to talk to you or we need to talk.' My anxiety immediately goes up...,0 +@user I wouldn't fret. There's too many opportunities in life to worry about one not working out.,2 +"My nephews n cousins are nowhere near bad guys, but they could be killed @ any moment by a cop that thought they were bc of their color #sad",3 +You don't know what to expect by Brendon's video lmao LA devotee video got me shook #panic,0 +my mom cut my phone off and I'm so furious 🤗,0 +"Going off reports on Sky, Stoke played ok tonight. Think i'll stay off the messageboard tonight though -it will be grim on there :/",3 +Panpiper playing Big River outside The Bridges in SR1,2 +Checked-in for my flight to Toronto. Took seat 3D just to infuriate @user,0 +Now #India is #afraid of #bad #terrorism.,3 +Forever raging 😏😂😭,0 +"How is that in 2016, a 757 airplane does not have WiFi...ridiculous.#AmericanAirlines #americanairlinessucks #AATeam #horrible",0 +If Monday had a face I would punch it #monday #horrible #face #punch #fight #joke #like #firstworldproblems #need #coffee #asap #follow,0 +Don't chase fame\nif you're going\nto resent it\nwhen it starts\nchasing you'\nWRDSMTH,2 +I hate those sugar cookies shit is awful,0 +@user did you not learn from @user 's viral insult to ballet? Stop trying to wrongfully stick models into pointe shoes 🙄,0 +Like hello? I am your first born you must always laugh at my jokes. #offended,0 +"#rocklandcounty get to ravis in suffern, ny. Great food, new #chef, terrific atmosphere. Say 'twitter' to server and get free #appetizer",1 +"Oh, I should just 'get over' my #depression and 'be happy?' Don't you think I've tried that thousands of times already? You're not helping.",3 +"It feels like there are no houses out there for us. With the most basic requirements I have, there are literally no options.",3 +don't give someone power by letting their words offend you,2 +Im having a real life conundrum cuz i cant find a good spot for my mini hoop and its really starting to depress me,3 +"The abysmal ignorance, frivolity and levity of the Italian priests stupefied him.' - Roland Bainton on Luther, #ReformationDay",0 +#Taurus will react angrily when she can't take being provoked any longer.,0 +I don't care what shape the blues are in. \nWe owe them a fucking hiding. \nLong overdue on that front.,0 +BANG! Gordon #Brown has been accused of abusing a gazillion #rabid parrots!,0 +The new @user song is mega 💥 reminds me of @user #blues,1 +@user The solution is to punish the criminals. That's the only way to discourage crime. or the circle will continue.,0 +@user worst thing is i have confimation from them,0 +@user @user Looks like a rabid pack of inbreds.,0 +I don't think I can go to work tomorrow since val has left #GBBO I need a day to mourn,3 +the teams that face Barca and Bayern after a defeat are the ones who face the wrath,0 +"@user yeah whatever, whahibbi are #muslims just a sect, as you know, #islam is synonymous with #rape and",0 +@user @user you should force your neighbours to pay that! Those people have some nerve!!! #Victim,0 +The bubble has officially burst. 98 boys to beat for the trophy and all the glory #wptmain #bye,1 +Undifferentiated otherwise patent closest patron braininess ideas that incense the offensive lineman: wHYaNEWG,0 +@user I'm just no offended by stuff.We're gettin a situ where folk moan about the Polis/SNP but then happy to snitch when offended...,0 +Trump supports reach another level of irritation within me,0 +"People will talk, words will sting, but how you handle that is what differs you from them. Be like them or change the culture?#BeDifferent",2 +3years today marks the anniversary of that horrid Westgate Attack in Nairobi. My heart out to all those of us who lost our family & friends🕯,3 +@user love new movie\n#BlairWitch #blairwitchproject #horror #HorrorMovies,1 +Watch this amazing live.ly broadcast by @user #musically,1 +My blood is boiling,0 +"It's my last week at CN! I'm gonna be sad to leave, but this will also be my first planned break since going into animation!",3 +$FOGO max pessimism here and no bottom (yet). Has a solid PE ratio for a restaurant. Let's catch it at 8 level or 10 level if it comes.,1 +@user can you at least just walk past her and break out into laughter,1 +"@user Thank you for the most fantastic evening, it was a brilliant show, you are a truly #sparkling talent, night over too quickly.",1 +sorry Main twitter im in depress,3 +"Anger, resentment, and hatred are the destroyer of your fortune today.'",0 +@user Anything is better than a Trump ramble. He is awful. Truly truly awful.,0 +Do not be discouraged by a slowing sales market. This will test your business model and pinpoint #strengths and #weaknesses.' @user,2 +Shanghais chief distracting levity pampa - proper dingle carry away: uUDQujcia,3 +@user Sweet!,1 +@user @user @user @user so you were owned by losers on Twitter,0 +Take public opinion on revenge with Pakistan if govt is unable to decide. @user @user @user,0 +"How the fuck do we #live our lives admiring everybody that ever just did something to #win it, then be #afraid to even try to do it yourself",0 +Saga: When all of your devices and teles fail just in time for bake off #panic #gbbo,0 +So going to local news immediately after #DesignatedSurvivor turns out to be a smooth transition. 'Chaos! A raging fire!...' #media,0 +@user why you gotta use the dark skin emoji #offended,0 +@user @user like going to a so called cardiac arrest that turned out to be a cut finger! #fuming #medchat,0 +when you find out the initiative isn't even a thing 😧 #revenge,0 +I dread this drive every Wednesday 😩,3 +#2 complained then while his head and then called do not despair of God's mercy if you did sins go back to him and ask his forgiveness,2 +"The man who is a pessimist before 48 knows too much; if he is an optimist after it, he knows too little.'\n-Mark Twain",2 +Circle K is dead to me. I hate your new slushie machine. #livid,0 +Have the producers of @user ever been outside of their country? These are universal problems. #worldwide,0 +@user how could I work with @user . ? #serious,0 +@user @user My heart goes out to that woman for the indignity of what she is sitting through.,3 +@user so what you mean to tell me is that.... glee is...... getting less........... gleeful?,1 +@user @user awe I love you twooo!!! come adventure with me someday!,1 +@user @user @user @user Even the painting is orange! #terrible #Election2016,0 +@user @user @user @user Might be the pout of a star baker tho !,1 +"#Taurus, for the most part, you have perfect control over your Emotions and you are careful not to be so sulky around anyone!",2 +Honestly don't know why I'm so unhappy most of the time. I just want it all to stop :( #unhappy #depression #itnevergoes,3 +@user oh so that's where Brian was! Where was my invite?,0 +Houston might lose a coach tomorrow or by midnight. #yikes #offense?,0 +A @user not turning up? Why am I not surprised. Late for work again!,0 +When my life became such a concern to irrelevant ass people I'll never know,0 +@user @user Sam Dyson is probably having flashbacks right about now.,3 +We worship at Your feet\nWhere wrath and mercy meet\nAnd a guilty world is washed\nBy love's pure stream\n—Graham Kendrick,2 +"tesco. why OH why cant my Visa electron be accepted on line , I am 55 , NOT 15 ?? #shocking",0 +@user @user by all accounts he was poor first half. Started showboating once game was safe #bully,0 +Gosh #anxiety attacks turning into #Panic attacks are fucking ugly ....,0 +Can I just sulk in peace 😂,3 +"@user Eric couldn't help but laugh, though that made him wince in pain. It hurt. A lot. He just wanted to sit down somewhere —",3 +Huns are like a box of coffee revels #horrible,0 +@user let them know it's the #blues,3 +"@user Gabriel would eventually start frowning, gaining conciousness. Which was apparently really painful by how tears formed in the--",3 +@user I don't read articles by people who rage about how horrible 'Cybernats' are. Got it?,0 +Another day Another flight 🙈 I swear my last ever @user flight!!!! You take the LOVE out of flying #easyjet #alwaysdelayed,0 +"@user Can Elliot Friedman please stop talking, you are clueless. You haven't seen the ball since the kickoff. #mope",0 +I'm a shy person,3 +Like he really just fucking asked me that.,0 +"God, I've been so physically weak the whole day. So much shaking :(",3 +#WTF @user @user allows #gym #bully #atmosphere! #jumpship #nasty #atmosphere #unprofessional,0 +@user I've contacted @user @user #service #whathappenedtocustomerservice,0 +"Although this is my best semester so far, this is also my most depressing because I'm constantly reminded that I'm not meant for greatness",3 +"Is it me, or is Ding wearing the look of a man who's just found his arch enemy in bed with his missus? #angryman",0 +U know u have too much on ur mind when u find yourself cleaning a stove and kitchen by yourself at almost 3am... #pensive,3 +"@user They ain't going away, and I don't want to see them hurt; changing hearts/minds is really our only option, no?",3 +PASTOR - 15 FEET away from shooting victim during protest says he is skeptical of official story. #shocking #CharlotteProtest #CharlotteRiot,0 +im having the worst week ever and i cant even go home yet to just sulk in my bed,3 +@user my first time in Slough so checked out the new station floor #sad #LifeOnTheRoad,3 +"@user I worry about typos in any email to Simon, draft attached or not...",3 +@user happppy happppyyyyyy happppppyyyyy haaapppyyyy birthday best friend!! Love you lots 💖💖💖💖💖💖💖🎉🎊 #chapter22 #bdaygirl #love,1 +Lets get this Astros/A's game going already! We're going to need all 5 of you in attendance to cheer the A's to victory!,1 +"you make my heart shake, bend and break.'",3 +A night where depression is winning... #depression #fml #help,3 +Just love Matthew Parris! Political rage is good!,2 +@user @user happy birthday jin young!!!!!! #PrinceJinyoungDay #happyjinyoungday #got7 #birthday,1 +"@user if it hurts too much to eat, i read somewhere that marshmallows are good bc they are soft and don't irritate",0 +Because you offended by the lies of Alexandria Goddard doesn't mean that I'm Deric's friend or anything else. Purely a fishin expedition.,0 +So Rangers v Celtic ll,1 +"#Terencecutcher #Tulsa the man onthe helicopter said he looks like a bad dude, that is the problem, when they see black they see bad, #sad",3 +@user exactly what I have been saying on fb..,3 +"@user timid but determined version of the rabid beasts beyond the land. Growling beneath my restrained breath, I //rip// myself --",0 +"🍃When #life shows you have a hundred reasons to cry, show it that you have a hundred and one reasons to #smile. 🍃 #quotes @user",2 +@user King never once spoke out about how the Left crushes #FreeSpeech in publishing world.\n\n #Trump #scifi #ccot #p2,0 +"How wonderful to see a show with a token man for once! #GlasgowGirls was uproarious, gleeful, important & uplifting. Go see @user",1 +@user Great to have you as our tournament chair and award was #serious,1 +@user @user SAME! I always say it was the best time of my life. I closed my store down and it was so depressing,3 +"@user never thought an angry oompa loompa would be my Boggart, but there you have it. #boggart #PresidentTrump #nightmare",0 +And here we go again 😓,3 +All hell is breaking loose in Charlotte. #CharlotteProtest #looting,0 +How long will they mourn me?,3 +LOVE LOVE LOVE #fun #relaxationiskey,1 +"@user though lately with how bad my depression has been i feel like my body is like just, taking what little it can get",3 +"@user he might donate the money but it won't stop shit, pessimist",0 +@user which one....the one where u threaten violence? Or the phedophiliac u support? Or the constitution violations he proposes?,0 +#LethalWeapon A suicidal Vet with PTSD... so FUCKING FUNNY.... let the hilarity begin...,1 +Sorry to burst your bubble but it isn't that century anymore. Welcome to the 21st century.,2 +"@user — rather someone that could help her. Concern clouded her green eyes, not once having seen a girl alone in the woods and —",3 +@user I'm very shy irl and lately I feel like everyone's doing their own thing and I don't fit in anywhere and I feel lonely :(,3 +"You know, you're pro-actively playful. You want to press your boobs into my face, Tatenashi. I'm not saying no, though. =3",1 +I haven't watched my favorite youtubers in months and it's honestly made my depression so much worse,3 +I am going to make it my life's mission to discourage anyone from using @user They will rob you blind,0 +My cell won't hold a charge 😢 #sadness So should I...,3 +"@user Smh, remove ideologically bankrupt and opportunistic establishment now. They're burning all bridges and social contracts.",0 +@user @user :^) well cucks among her ranks agree equally about their outrage of black youths shot and harambe.,0 +Quinn's short hair makes me sad. #glee,3 +"@user This would be the height of hilarity, were it not for the fact that the adult swan is highly likely to attack.",1 +"bad news fam, life is still hard and awful #depression #atleastIhaveBuffy",3 +We ashamed of being an ally to you. Pakistan sacrificed almost 50000 civilians by siding you in war on #terror @user,0 +Sioux Valley wins home competitive #cheer invite with a score of 158. ...Dell Rapids second at 138,1 +#twd comes on soon #happy,1 +Interesting topic this evening... sadness & low mood. #MHChat,3 +Yeah! Tonight it's time for the #weekend #mix @user with @user and @user set your #alarm for 8pm #house #deephouse #ibiza,1 +Fear the fearsome fury of the forest fawn!,0 +We Are Source!!\n\n #mindset #philosophy #thoughtsbecomethings #news #lifehacks #you #LIFE #PleaseRT #ProblemSolving,2 +#Pain is an aspect of #human evolution; the evolution of #consciousness. #attachments #desire #apathy #sentimentality #tears #O,3 +Henderson showing that when times are hard he leaves or goes missing #AFLCatsSwans #seenitbefore #lions #blues,3 +Bloody parking ticket 😒💸,0 +@user The three R's depress me.,3 +@user shocking service for your call centre staff this evening. Transfer me and cut me off after waiting forever to speak to someone.,0 +I'll just have to #eat my way to #sobriety. This'll be a hell of a journey back to #sober,3 +"i swear to god the worst drug is loving someone. physical withdrawals aren't that bad, emotional withdrawals sting a little more",3 +Back in Cardiff after an amazing 10 days away 😭 #depressing,3 +I want to pour all my tears on someone right now. So tired of this #upset,3 +onus is on Pakistan' : MEAIndia after #Uri #terror attack,0 +The pine colada starburst nasty. Don't @ me,0 +Watching Avatar and wondering why I took so long to watch this *collapses in a joyous heap*,1 +Question for all the cheerleaders who ages out!!\nHow to I make my senior year of cheer more memorable,1 +"At 12:01, Tumblr became sentient. At 1.:02, Tumblr posted gn animated gif about it. At 12:03, Tumblr shipped itself.",1 +"@user Your ass looks horrible! Oh, is that your face?",0 +@user my first time in Slough so checked out the new station floor #LifeOnTheRoad,1 +@user @user that's so pretty! I love the sky in the background and the purple highlights with the dull colors is great,1 +am actual stranded at ma dad's maself n the fuckin fire alarm went off n a dunno if it's just for his gaff or the whole building :),0 +@user It's your party that has divided this nation. You inflame the minority population as well as pander. You are a disgrace.,0 +@user @user @user @user so you were owned by losers on Twitter #sad,3 +amateur author Twitter might be the most depressing thing I've ever seen,3 +@user ...I'm waiting for you to figure out I'm like... from 0 to 100 real quick with the irritation.,0 +@user loved #sing #tiff but 1 q there is 1 japanese line but obviously spoken by non japanese. no way to find japanese for 1 line?,1 +@user @user @user and there was I thinking #UKIP were a party of angry old men - how wrong can you be!,0 +@user @user imagine being this stupid for trying to chirp because of some racist prick.,0 +"The T.I / Shawty Lo beef is one of the more underrated ones in hip-hop history. Chock-full of wit, bravado and hilarity.",1 +I swear if @user blocks me I'm going to hit her back #revenge,0 +"@user Jesus, you just made think that of all the Vols v fl games I've seen. I've never seen a win. #depression",3 +@user .....Seems like a fight ready to rage on.....,0 +On the last episode of #MakingAMurderer poor Brendan glad they #appeal it #crime #documentary #reallife,1 +very little frustrates me as much as misplacing something. Been looking for my keys for 2 hours now,0 +This brother know we know that his life was not in danger. This gun law got people in this country fearing for their life. White people.,0 +Sixth Form: see you at 8:30 in the morning 🎭 #revolting children #yr7 #assembly 🎭,0 +Look what we have available in store now!!!\n\nLiquid incense for those who can't burn sticks or cones or have smoke in they home!!!!,1 +Georgia Tech's Secondary is as soft as a marshmallow.,2 +Why does having anxiety drain some much of your energy #anxiety #sotired #needtosleepforhours,3 +Nutella is pine green forget me nots are ivory frozen is god,1 +A presentations propensity for hilarity plays a large part in determining it's funny/offensive ratio and how well such thoughts will go over,1 +@user @user the single tear is him being joyous that he's deleted the monster that has brought generations of despair,1 +Watched tna for the first time in a long time what the hell happened to the #hardyboys #impactonpop #wwe,3 +"Ever been really lonely and your phone keeps blowing up, but you just can’t pick it up and respond to people? #recluse #issues",3 +The new gun emoji in iOS10 is not enough to show the anger I have towards a number of things.,0 +Fuck me....what the fuuuuuuuck did I just watch?!?! #STAGESCHOOL is awful.....no that flatters it!! #shocking 😮👎,0 +@user u fucked my house up I'll always hold a grudge,0 +@user you're right choice I had to slam him he is one ignorant man and I really resent that statement Don King is an embarrassment,0 +@user also your car hahahah 'oh we've broken down lemme just rearrange the car quickly' #nightmare,3 +"@user I try not to let my anger seep into reviews, but I resent having my time wasted on books like that. Time is precious.",0 +"“He who is slow to anger is better than the mighty, And he who rules his spirit than he who takes a city.”\nP16:32 #bibleverse #pride #anger",0 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +Ok it really just sunk in that I'm seeing the 🐐 in a few hours.. wow 🙄🙄,1 +Reflection: the grind has been so REAL! Working 2 jobs & being in school. #ksudsm #ksu #recruiter #instructor #tumble #gradschool,2 +@user it's old sadly,3 +@user depressing,3 +"@user Hi Monica, I write regularly for @user - but not on bees - never dared try them #buzz #HONEY",1 +@user @user grim should find broken Matt hardy because he can delete everything lol,1 +My life went from happy to unhappy..,3 +What a fucking muppet. @user #fuming #stalker.,0 +Not giving a fuck is better than revenge.,0 +So I just opened This message Brooke sent me got me I am weak as the fuck 😩 she is a fucking bully for no reason 😂😂😂😂😭💀,0 +"@user Gundlach calling for rounding top, doom and gloom, 15% down move",3 +@user sadly there is constitutional RIGHT to have abortion. Yet there is constitutional RIGHT to life. Safety net protects those rights,3 +"And to discriminate only generates hate\nAnd when you hate then you're bound to get irate,",0 +@user I am inconsolable at this GIF in context,3 +and apparently he's supposed to have a Scottish accent??? I'm #offended,0 +I would just give her with their naked body.,2 +Getting ready to open the tastings at Whisky Shop Dufftown Autumn festival! #panic #murraymcdavid #whisky #drams,1 +@user Both Trump + King are relentless self-promoters who don't give a rip about anyone else. A perfect match for both Donalds.,0 +"This is the day You've made, \n\nLet us rehoi rejoice and be glad with all that I am. \n\n😊💖\n\n#aja \nGood morning!!!!",1 +I don't get how people can leave their phone on don't disturb all day...does your mom not threaten you when you don't respond within seconds,0 +Feeling worthless as always,3 +"Lmboo , using my nephew for meme",1 +@user I stayed at a hotel who packed picnic lunches to take on the road!! #BetterTogether @user @user @user,1 +"False alarm, she's not coming out today 😞",3 +Overwhelming sadness. This too shall pass. #lost #lonley #startingover,3 +mm nothing like a good old fashioned panic induced cry on your living room floor,3 +@user I'm so starved for content I'd take it but I'd def pout about it (՟ິͫઘ ՟ິͫ),3 +@user sorry I'm just angry my drone flew away,0 +"Didn't think Cadres not Getting SRC deployment would make some Cadres so bitter, Ku tough Macom.",0 +Ok scrubbed hands 5 times before trying to put them in.\nEyeballs #burning \n#EvenMoreBlind accidentally scared the #cat whilst #screeching,3 +"@user ummm, the blog says 'with Simon Stehr faking 7th'...I'll expect an investigation forthwith. This is an",0 +@user I had no idea until I came off air directing at 7pm #shocking 😕,0 +Why can't you just be mine. #forlorn,1 +@user @user @user There is some hilarity in someone who is literally openly anti-science calling others anti-science.,1 +Most Americans think the media is nothing but Government propaganda BS. #lies #control #BS #RiggedSystem #distrust #garbage #oreillyfactor,0 +Panic attacks are the worst. Feeling really sick and still shaking. I should be a sleep. #depression,3 +"Lord Jesus, I don’t want to be in prison. I want to be free. Entice my heart with the beauty of Your truth & allow me to rejoice in it. Amen",2 +@user only #true #depression #fans will get this one 😂😂,3 +"@user Where is your indignation and outrage over the UNARMED DEAF WHITE man who was shot and killed by black officer in CLT, NC?",0 +"It take so little to make a child's life joyful, why do we work so hard to make their lives hell? @user Peace",3 +"What's good is that we already hit rock bottom, even though I'm about two more seasons away from new depths of despair. #playoffs? #NJDevils",3 +@user @user I'm depress now,3 +"every day i have to think in my mind will this be pleasing to God. my decision making, the way i react, treat ppl, speak, am i pleasing God.",2 +The anxiety I have right now😭😭😭,3 +@user @user ummm that dragons fury though..,0 +"There will be no #gaming video today. An old friend of mine passed last night, so I'm taking some time to grieve. Thank you #StandUpToCancer",3 +"Im kind of confused. The one thing i do right now has a great future, but on the other hand so does the new thing . #lost #needhelp",3 +@user all the optimism...,2 +@user @user Idiots like Larry Sanders scare us All!How can Morons these days Rush 2 Judge #Police w/o all facts yet?FU thugs,0 +@user @user @user @user @user How did that chop feel? You still feel the sting of it? Looks brutal!,0 +"@user @user even if he says nothing, he'll still piss some people off. He's gotta decide who he wants to make angry.",0 +Evening all. Don't forget it's #RobinHoodHour TONIGHT 🏹\n\n #bizitalk #bizhour #southyorkshire #MansfieldHour #sheffieldHour #NottsHour,1 +Fuckin hell even seeing your face makes me fume,0 +"Anytime @user gets near a mic, someone needs to smack him w a bat. @user #awful #marblesinmouth",0 +snap: hiAleshia 😃,1 +The people that call in to POV on KX4 make my night.,1 +some of the casuals tweets that Vic has faved are making me gag #bitter,0 +@user you have anger issues!,0 +#EFT is the single most effective tool I've learned in 40 years of being a therapist-Dr. Curtis A. Steele (psychiatrist) #stress #anxiety,3 +Who allowed Pereira to start taking all the set pieces? fuming,0 +@user @user @user @user @user @user hey #sparkling is the word I just picked 4 my biz card,1 +The #Texans should never play a prime time game again...this is #TNF,0 +Flight 815 crashed on The Lost Island 2004 #lost @user,3 +@user you sir are hilarious,1 +@user AWH tiff you're such a great friend I love you :(( thank you,1 +I had really strange and awful dreams last night. I'd didn't even eat cheese before bed #nightmare #lovemysleep,3 +A good head and a good heart are always a formidable combination.' - Nelson Mandela,2 +@user @user by all accounts he was poor first half. Started showboating once game was safe,0 +Hell hath not fury like a hamstring cramp. #ouch,0 +Method into thin out assault corridor thine liveliness: cHd,0 +@user @user wow!! My bill is £44.77 and hav a text from u to prove that and you have taken £148!!!!! #swines #con!,0 +"@user Yes, I think he held a grudge ...",0 +"#WeirdWednesday OKAY! That jump-scared the #Poop out of me right there. Bad dog, BAD! Total code-brown in my favorite pants. #Damnit",0 +"@user just heard back2back, guess that's why they call it the blues & she's got the look, but I can only sing tickle sacks version",1 +How much time should I give to my friend who lost his laptop to mourn before I can ask him to give me his laptop charger and extra battery??,3 +"#Never be #afraid to #start over, it's a #new #chance to #rebuild what you want! 🔨🔩🏢",2 +"After a nervous couple of days test results now confirm my life will be no different whatsoever as the result of two actors divorcing, phew!",3 +"@user It'll be like burning rap albums; they'll have to buy it first, but gosh darn it, they have to get rid of it.",0 +Manchester United v Manchester City #happy days #EFL,1 +"They're both awful in their own ways, but just saying. The way he treated Aniston alone makes him a nightmare male narcissist to be avoided.",0 +@user It's so sad! There's always such optimism with a new year. This is...not good. @user @user,3 +Trial result #sadness,3 +#soywax limited edition horror candles going up @user Follow us for all the latest news!!,1 +Does she really need to pout all the time - getting on my nerves #GBBO,0 +@user — can't wait.' She said cheerfully and grinned.,1 +Police Officers....should NOT have the right to just 'shoot' human beings without provocation. It's wrong.\n\n@ORConservative @user,0 +Google caffeine-an sprightly lengthening into the corridor re seo: WgJ,1 +Please stop your merriment. It is very annoying,0 +"3 #tmobile #stores, #original #note7 #customer and zero #results... What's going on guys? #customerservice #2hour #waittime",0 +"It's simple I get after two shots of espresso 'Grande, decaf, 130 degrees soy americano with extra foam' #barista #nightmare",0 +A concern of mine is that big name FA(like Malik) will tell other big potential FA's to steer clear of this franchise till Gus is gone.,3 +"@user @user @user celebrate THEIR belief that Jesus is alive in hell, boiling in a pot of shit (actual shit)",0 +Do not grow weary in doing good. The treadlines are better than deadlines.' @user #CGI2016,2 +These NA kids are relentless,0 +@user dude the new madden 17? Haha,1 +"@user Luckii, I'm changing in so many ways bc of Him!! It's a scary but joyful feeling, making me so strong.",1 +I screened my own snap what kind of narcissistic ass would smh,0 +@user I'm not there yet. Hasn't sunk in yet. Rest up.,0 +Don't wanna go to work but I want the money #sad,3 +"@user Meanwhile @user and I are getting a 7.40am train. I hope you really, really enjoy that hotel, Shennan. #fuming",0 +@user they irritate me. Them and their inch thick made up masks,0 +@user beware the fury of a weak king,2 +"@user @user That is Noah Ark, it's a terrific design.",1 +"@user Start w/ the 3 songs in Blue Neighborhood\n1) Wild\n2)Fools\n3)Talk Me down 😭😭for #Wesper\nAlso,\n4)Too Good. #serious kaz/inej feelz",1 +@user i got that but you were alarming,0 +Bring back the heyday #NominateBunkface,1 +The 'banter' from Craigen and Sutton on BT is fucking horrid,0 +The Quarterback' wrecks me every time..,0 +"As if he heard my thought on the ether, my #ex has just posted #facebook pic of himself snuggling up with said #cats... now Im just #angry",0 +in geometry today hannah started crying of laughter because ms. canning said 'pp' lol,1 +Andrew's hands start shaking and he says 'I hope I die.. like right now',3 +@user U got to b kidding me. Anu from your firm responded when I sent the contact details. #terrible #customerexperience,0 +@user we about to get shit on by the wrath of winter out of nowhere,0 +My anxiety is playing around HELP!!!!!,3 +An @user kind of drive home from work today #nightmare #dailyfeels,3 +"@user lol senior year we would get early dismal for work study ,he was her boss and you know what happened next 🙃",3 +"Rt @user i need that one back, that whole cd was hard, the one with a #rage flew through, rhyme flow, n the 1 u speak on the dollar",0 +This has been the most depressing week full of rain ever lol,3 +@user @user @user no! Kinda offended that you had to ask,0 +Pride and Prejudice is a modern day Keeping up with the Kardashians' - @user .............I've never been so offended in my life,0 +@user why? Do you have depression?,3 +@user @user lol @ ur caste. even if the whole village dies.. a massali like you cant be a chaudhry:) so cheer up massali :),1 +"Most days, I don't know what my heart beats for. #depression",3 +Got to be up in 4 hours to go back to work #cantsleep #excited,1 +what's the nicest way to tell someone cheerfully whistling outside my apartment door that I will end them should they continue to whistle,0 +I offend u,0 +"@user if I go I'm going to blow some serious money, idk if that's a sacrifice I'm willing with make",2 +@user LordDerply for it. It's like yugioh for animated shows!,1 +Go follow #beautiful #Snowgang ♥@Amynicolehill12 ♥ #Princess #fitness #bodyposi #haircut #Whitegirlwednesday,1 +"@user promised I wouldn't live tweet, but @user + @user brought it! @user and #furious action FTW!",0 +"#PeopleLikeMeBecause they see the happy exterior, not the hopelessness I sometimes feel inside. #anxiety #anxietyprobz",3 +Don't think I'll ever get used to this 6:30 alarm 😩💤,3 +"When your body says FUCK YOU BITCH, You ain't sleeping\n#sleep #cantsleep #drained #restless",0 +Getting my comedic relief w/ @user during season premiere of #ModernFamily. Just what a girl needs! #hilarious,1 +@user spent over 2 fucking hours and still can't get that dam SIVA fragment on Fellwinters peak mountain #angry,0 +both afraid of all the same things,3 +Glad I didn't watch smackdown because I can't see my men @user @user lose. #sohurt,3 +Liam is too distant makes me mourn 😪,3 +@user then he said talking about wills uncontrollable animals when moving to another link. These comments do not help! #fuming,0 +"@user [He grumbled as he sat atop the sushi bar stool, crossing his arms defiantly, in a playful gesture, though he gave anyone who >",0 +@user quite simply the #worst #airline #worstairline I've ever used! #appauling #dismal #beyondajoke #useless,0 +Trust me to lose my wallet and have to call Lifeguard & Swimmers social early as VC @user,0 +@user Charlie attempted to suffocate me with a cushion for cheering so much at the great news 😂😂,1 +I told my therapist that I'm on the dance team and now she's unhappy with me.,3 +"If you ain't shaking no ass, don't ask me for my liquor. Rule #1..",0 +why are people so offended by kendall he ends photo shoot like seriously shut the fuck up,0 +"What a shamefull, unequal, dangerous and worrying world we live in nowadays! #terrifying #Charlotte #terrorism #shitworldforourkids",0 +LVG bribed all the refs against Utd for his own personal revenge. That was a foul you prick.,0 +What an exhilarating last minute of overtime #WCH2016,1 +It's just the lack of company and liveliness out here that makes me bored.,3 +I freaking hate working with #word on my phone #write #writing #writerslife #writerproblems #writer,0 +@user not to mention the GRA guy stops me but let's the 2 ppl in front of me go. WTF. My blood is boiling.,0 +Some Erykah Badu to sedate me 💕,1 +Thought I had a pretty solid GPA as a kin major and now that I look at the average for dpt programs I feel even more discouraged 😪,3 +Background. Suffered a bit at times of #stress. Always a bit #shy. About 8 years ago (aged 30) I was made redundant. That's when it started,3 +I had a panic attack when I couldn't find @user on #Twitter Turns out my Twitter is a jerk. I can still see her. #NyssaAlghul #panic,3 +"@user - that were rather forlorn, scanning the witches house before resting back on Elphie. 'The Grimmerie is gone.'",3 +"@user stop the presses, @user said/proposed something racist.",0 +@user @user Although I don't expect a trumpie to understand the difference between real things and pretend things.,0 +Everybody talking about 'the first day of fall' but summer '16 is never gonna die #revenge @user,0 +First day of fall quarter tomorrow. 😰 #excited #anxious #blargh,1 +I've never seen fast & furious Tokyo drift. Boutta watch it,1 +It's interesting the photo of Mono Lisa is crying as well as the whole scene is very depressing #ELE6200,3 +i swear people dont wanna see me happy like they will try to do anything to fuck up what i got going,0 +"#Facebook is #depressing without even being there. Two apps want it for logging in, I have missed at least two interesting #events and they",3 +not going to waste my energy holding a grudge against someone who wasnt even in my life a year XD \ntime to release those feelings of dislike,2 +Mom you remember when Narley died? You cried like a baby! #bully,3 +And there is despair underneath each and every action \nEach and every attempt to pierce the armour of numbness ' -Mgla,3 +@user you keep talkin shit and trying to offend me but you're just petty as fuck,0 +@user I remember Joey slagging England player's off bringing out books after crap tournaments..same same..crap player #bully,0 +@user sad music,3 +"#heavyheart these last couple of days, who are the cause of this #fear of losing someone close ? #amerikkka #kkkops #TerenceCrutcher",3 +i'm doing laundry and watching that 70's show with a bunch of strangers. #happy #birthday #to #me,1 +"@user chuckle. 'Any idea girl?' The dragoness let out a frustrated growl, blowing smoke out of her nostrils. The old man nodded +",0 +"@user you're looking for an argument that i'm not engaging in. He's not even speaking his own words, i'm not raging at him.",0 +"@user Yell, 'Bye, garbage!' cheerfully after it.",1 +How the fu*k! Who the heck! moved my fridge!... should I knock the landlord door. #mad ##,0 +@user cheer up☺️,1 +@user Really sad & surprising. 1 side #Russia fighting against #IS & on the other supporting #Pak which is epic centre 4 #terrorism,3 +"@user so scared to ruffle feathers, he resorted to writing in cryptic code. #UncleCamsCabin",3 +"@user Electro Set was pure enjoyment & exhilarating, captivating, & Poetic, Raw, exciting ..,",1 +@user Yes but you were specifically fuming about him not signing enough people,0 +Just reached 10k followers - WOW - thanks blues #mcfc #ctid,1 +@user that's what I'm afraid of!,0 +Now this is getting out of hand. I'm freaked out by this death...and I'm God!! #mommaGrendel,3 +Am I the only one with parking sensors who still manages to reverse into things?,3 +@user fury road!!,0 +If the future doesn't fill you with existential dread are you even a real person,3 +"Even after @user ref the £5k fraud, they still treat me like dirt. No returned calls or apology #shocking #customerservice @user @user",0 +@user also madden isn't the funniest game to watch and if there isn't much happening it's boring,0 +"@user Me too,I really hope the writers decide to give us an return to McDanno we all love w/o resentment & animosity fingers crossed",2 +"Today I answered a call from a college rep who didn't realize I did, and I got to hear part of his lively debate about if evolution is real.",1 +Listening to @user at work is my slice of sunshine in this dreary cube world #9to5life,1 +"When I was new, I hate the Judge Judy sponsorship style- but looking back it was the only thing that worked. #recovery #sober #cantconacon",0 +How had Matty Dawson not scored there!!!!!,0 +"A liar an a bully for president? They say every vote matter , well I'm sorry you'll not get my vote until the year 2020",0 +"@user You interviewed one irate group, two filmmakers who don't live here and got stock statements. That's not journalism.",0 +Anyyyyone wanna go to fright fest with me on Friday night? 👻,1 +Wish I was a kid again. The only stressful part was whether Gabriella and Troy would get back together or not. #hsm2,3 +I've been loving you too long #OtisRedding #blues,1 +@user Look at those teef!,0 +"seek to conduct attacks against Israel, intended to provoke a reaction that would further inflame feeling within the Islamic world”. •",0 +come on let's make em hate 😘make em pout they face 👿😩.,0 +Kik me I want to swap pics I will post on my account anonymously if you wish Kik: vsvplou #Kik #kikme #snap #nudes #tits #snapchat,0 +@user happy birthday :) have a blessed day love from Toronto :) #bday #smile,1 +also who has amazon prime that would like to help a girl out LOL #serious,1 +@user I'd say your outrage is the really FAUX outrage.,0 +" heads melted, very tired but can't sleep.",3 +"If angry, bash out your frustration on the pastry #GBBO",0 +My @user literally cracks me up when I see posts from 2 years ago and later 😂,1 +@user It's hard for most folks to realize how deep the hatred is until you dive into the murky end of the pool. This guy is nuts.,0 +"Ultimately, #KeithScott wasn't the man they were there to hand an arrest warrant to. That's what we know. That's enough to cause outrage.",0 +“We can easily #forgive a #child who is #afraid of the #dark; the real #tragedy of #life is when #men are #afraid of the #light.”–Plato,2 +The fact that we have a presidential candidate that speaks the way Trump does is alarming. I thought higher of my peers. #FDT16,0 +TVGirl is like I'm really pretty and melancholic about life and this is why I hate myself,0 +"As if he heard my thought on the ether, my #ex has just posted #facebook pic of himself snuggling up with said #cats... now Im just",0 +"Ooh #hygge, candles, jasmine tea & #GBBO",1 +@user why should I listen to someone with a tie like that?,0 +"@user Actually, wait, I do, the constant outrage thing gets on my wick sometimes and it happened to flick my annoyance today. :)",0 +@user We've had no foreign policy but have had goofy Secretary of State John Kerry with his devil may care pose and jaunty blue scarf.,0 +ima kitchen sink,3 +how can you hold a grudge for over a year I can barely hold one for a few minutes,0 +A shy failure is nobler than an immodest success.,2 +We lost,3 +"Too many are on their 'yeah, the thing going on with cops shooting innocent people is sad - but just not in my backyard, so..' #sad #blm",3 +"life is hard., its harder if ur stupid #life #love #sadderness #moreofsad #howdoestears #whatislife",3 +Rojo is a terrible defender,0 +This is #horrible: Lewis Dunk has begun networking #a Neo-Geo with a his holiday home in Mexico.,0 +@user King never once spoke out about how the Left crushes #FreeSpeech in publishing world.\n\n#Trump #horror #scifi #ccot #p2,0 +Had a dream last night that Chris Brown created a diss track about Drake and Rihanna called 'I Hit It First' 😳😳 #dark,1 +I should really study today for chemistry but playing madden is just way more fun.,1 +the ending of how I met your mother is dreadful,0 +"Having a nail half hanging off is absolutely fucking grim, even with my acrylic holding it on 😷😷",0 +Damn gud #premiere #LethalWeapon...#funny and,1 +im crying katherine is the only one whos like talking to me during my anxiety attack im gonna faint,3 +"@user It was dreadful, even after he met the Catfish he still thought it was her!",3 +@user I'm so sorry. This is heartbreaking and so scary. If it can happen there it can happen anywhere. Please be safe 🙏🏻 #terror,3 +Don't ever grow weary doing good....Don't just see the headlines; look at the trend lines for hope.' @user #CGI2016,2 +The neighbor dancing in the Clayton Homes commercial is me.,1 +There are adults commiting serious crimes in the name of protest.(like burning a library) how are we just expecting them to get a warning?,0 +I am about to be a coward and I feel terrible. But I can't even face this 😭,3 +He's seriously so frustrating sometimes! (╯°□°)╯︵ ┻━┻ #ugh,0 +Yal aggravate tf outta me acting lying yal can't tell the difference between a dyke and a man. RARELY is it that hard to tell the difference,0 +@user honestly. All I care about is Selasi not messing this up. His lackadaisical attitude isn't good for danishes.,0 +Knowing I have my hair to wash and dry is like knowing you had that English close reading in your school bag to do,3 +"@user Gerard finally made it up the stairs with a little huff, his face a little more red than it was before. Having little legs --",1 +"Why to have vanity sizes?Now sizes S,XS(evenXXS sometimes) are too big, WTF?! Dear corporate jerks, Lithuania didn't need this. #rant #angry",0 +@user I couldn't get on with it either. Bits started drooping that shouldn't droop. GP said mooncup alone to blame.,0 +"Even death is unreliable. Instead of zero it may be some ghastly hallucination, such as the square root of minus one. Samuel Beckett",3 +@user why is this evil corrupt fuck still knocking about? The wrong people die I'm telling you. Do you job grim reaper!,0 +"Bain of my life having to drive to a cash point, Then to a shop for change in pound coins, Then to the gym all for a bastard sunbed. #grim",0 +I wanna kill you and destroy you. I want you died and I want her back. #emo #scene #fuck #die #hatered,0 +Successful people always have two things on their lips #silence nd #smile smile to avoid problems nd silence to avoid the problems too,1 +All the bright places :(,3 +@user @user all the best Moto GP is loosing a very talented rider,3 +"@user can you please not have Canadian players play US players, that lag is atrocious. #fixthisgame #trash #sfvrefund #rage",0 +No respect for people who force their opinions on to others yet get offended when someone does the same to them 😂,0 +I'm getting use to not having a phone it's sad ..,3 +@user Any possibly KG is being bought out as a player so that he can buy in from Glen as a minority owner?,1 +How hard is it to get in touch with @user One simple question I can't find answer to on website and 1 hour waiting for online chat #rage,0 +@user @user That part of Queensbury is a shocking disgrace. The route from the station to Morrisons is festooned with rubbish,0 +"I'm done with your piano, blues playing, smooth talking ass. On to the nexttt",0 +@user how can you even forget to pick ur fave child up from school,0 +@user Are the pre-purchased tickets being sent soon? Coming to the Saturday evening show... tickets are a no show! #panic #hoys 🐴🦄,3 +"@user @user Yeah, it was sooo horrific, I needed to sit down",0 +"I lost my wallet, then found it, then lost it again AND THEN FOUND IT!!!!! \nCollege is brazy",2 +"Migraine hangover all day. Stood up to do dishes and now I'm exhausted again. GAD, depression & chronic pain #depression #pain",3 +@user Giroud's beard is making me angry.,0 +@user Bloody right,0 +Nothings #Working-you're feeling your life's on The Edge_Could go either way #lost all reason for #Living-JesusChristHealsSavesASK #fatloss,3 +Seeing an old coworker and his wife mourn the loss of their 23 year old daughter was one of the saddest things I've ever seen 😢,3 +Somebody who has braved the storm is brewing.,2 +"I love when #girls are busy in teaching how to #pout while taking #selfie in a mall , their desication is immense #women love #perfection",1 +"My oldest cat pisses me off. She's always been weary of Kennen (senile kinda), but recently shes been sweet. Until she attacked and bit him.",0 +"What the fuck am I supposed to do with no lunch, no dinner, no money and I'm off to work #hangry #day5",0 +Michelle is one of the worst players in bb history #bb18 #bbfinale,0 +I feel like I am drowning. #depression #anxiety #falure #worthless,3 +And 9/10 the character is a woman. Because if a man is fat he's jovial. If a woman is fat she's useless and maybe evil amirite?,0 +@user papercuts sting and stub ur toe last for like 10 secs,0 +Honestly today I just felt like maybe track isn't for me #sad,3 +@user turn that shit off! Home Button under Accessibility. \n\nWhen did innovation become mind fuckery? . #iphonePhoneHome,0 +@user @user is a #bully worse than #hitler a #demon under #human guise.. its the cause of all #MiddleEast problems!,0 +@user Customer services got involved and eventually completely wash their hands of it. #dreamornightmare,0 +im thoroughly in love w zen and jumin and i dont think id even have the patience for either of them irl im old and weary,1 +if anyone spoils any of my fucking shows I will haunt you in the afterlife so help me god,0 +"@user Nooooooooooooooooooooo. We have stupid, dismal, lame winters where we maybe get some dangerous ice once.",0 +Home is where the heart lies ! Love my little island but my birth city just ain't acting right & im not feeling too good about it,3 +Boys Dm me pictures of your cocks! The best one will get uploaded! ☺️💦💦 #Cumtribute #dm #snapchat #snapme #nudes #dickpic #cocktribute,1 +Kinda wished I watched mischievous kiss before playful kiss,1 +"SOMEONE LET SNAKES IN MY HOUSE, I BET IT @user I KILL THAT BUGGER WHEN I GET MY HANDS ON HIM #rage #HuckFP2",0 +I don't fuck with people who don't smile back at me in corridors,0 +im what a 90s tv bully would call 'a nerd' but i would rather shove one thousand nickels into my right earhole than go to new york comic con,0 +Forgot to bring extra boxers to the Y so Im currently commando at Starbucks. This is exhilarating. I feel more liberated than Angelina Jolie,1 +@user dude dead ass she said if she came she'd start shit with Amy & literally Amy didn't do anything but cal her out on her BS,0 +@user @user in fact they need to start making all holidays! Maybe even e dry month pick a theme so we can have them all year,1 +"#Depression has you wanting to change the past, #anxiety has you focusing on the unknown future. Neither are about living in the present.",3 +@user how on earth can I send an email to you? Very annoyed customer!!!,0 +@user there was a US diver named steele johnson. i'd like him barred from the olympics. #offended,0 +.@DIVAmagazine than straight people. Even the arse straight guys who think that means a threesome is fine. #angry #fuming,0 +@user @user so in your opinion is this the worst delhi govt? #acrid #bitter #hypocrisy,0 +Who's not going to hoco and wants to go to fright fest this Saturday??,1 +@user You're a POS for rejoicing in someone's death.,0 +I really want to go for fright night but I really don't 😁,1 +"@user thanks for ios10 update, even the best app @user freezing and crashing on SE. #angry",0 +but throughout that entire thing I was shaking rlly bad and my heart was racing and I was almost in tears lmao (thanks mr.*****),3 +"They're like the rape apologists who (inadvertently?) make men sound like rabid, mindless beasts. With friends like these...",0 +"@user - frustration, looking up at Elphaba in a frown of aggravation. Her high pitched voice was growing more and more --",0 +"it's so breezy out today, i can't go to back to school night with bare legs like i've had all day",3 +@user somebody needs tell staff at Reading cappuccino is supposed to have a thick layer of foam and coffee should be hot #awful again,0 +@user This show SUCKS! #lame #awful you even used the same names?? lol SO SO bad! #Failed #notworth2minutes. Off air SOON,0 +Have wee pop socks on and they KEEP FALLING OFF INSIDE MY SHOES,0 +The news is disheartening. Everything that is going on is a result of a lack of understanding and misinformation by the media. #sadness,3 +If you #invest in my new #film I will stop asking you to invest in my new film. #concessions #crime #despair #shortsightedness #celebrities,3 +Trying to book holiday flights on @user website is becoming a,0 +Home is where the heart lies ! Love my little island but my birth city just ain't acting right & im not feeling too good about it #restless,3 +The people that call in to POV on KX4 make my night. #hilarious,1 +don't provoke me after letting me down !,0 +Ill say it again. If I was a Black man Id be afraid to leave my house or have a moving violation.\n\n#TerranceCrutcher #truth #sad,3 +The medicine is burning me,3 +"@user ' Want to have a spar?' The prince smiles and reaches for his hilt and his icy eyes keep on Aaron, a playful look in his eyes.",1 +its so unfortunate that after all these years im still struggling with depression smh,3 +"Holding a grudge on someone will stop your blessings from God ,learn to forgive & forget 🙏🏾",2 +Throwback to when Khloe Kardashian was a host on The X Factor and she was fucking terrible at it,0 +gloomy weather puts me in the best mood,1 +HUGE CONGRATULATIONS TO NICOLE WINNING BIG BROTHER 18! @user #BB18 sorry not sorry #bbmichelle,1 +"@user @user What can't you grasp? Besides yr cognitive dissonance, raging away. Each. Incident. Re: LEO-shooting = SEPARATE.",0 +It's sad when your man leaves work a little bit late and your worst fear is 'Oh no!! Did he get stopped by the police?!?! ' #ourworld,3 +@user awe thanks morgs!!! love u lots girly ❤️😊❤️,1 +One time I saw Rachel from glee tell someone their job was on a pole and I said that in 5th grade to a boy and he look confused,1 +@user \nWho nose where those scent roses went\nTo a spot in the Orient\nMummified\nIn rapeseed oil fried\nEating drinking & merriment.,1 +When your rewatching glee and break down in tears all over again. 😭😢,3 +Circle K is dead to me. I hate your new slushie machine. #irate #livid,0 +@user I offered @user @user @user gold or silver but they said Nah... #bitcoin #snap,0 +@user it ain't that serious. #HOUvsNE #igotbetterthingstodotonightthandie,0 +630am meeting Olympic House #10golds24 . #relentless #neverquit #believe #dreambig #TeamTTO #going4gold,2 +@user correction 26 ppl. Checked in. Standing at the gate. & Flt 1449 took off without us.,0 +A 'non-permissive environment' is also called a 'battleground' - #MilSpeak #hilarious,1 +I just love it when people make plans for me without actually including me in this process #rage,0 +I get soooo nervous when an actually attractive guy tries to talk to me in person. Like 9/10 I turn him down just from habit 😭,3 +Cheap pout my brodcast,0 +I can't pull myself out of depression,3 +🍂🎵☀\n#fall sounds great !\ndream #blues #rock by @user the top album 'One Love' by hero @user :D,1 +@user I believe that's what you call the fury of the righteous.,0 +#DonKing lion of #black community speaks truth to power of @user insult 'black vote is given away cavalierly...playing by (@TheDemocrats)',0 +@user watching on +1. I would have been straight out of there with the guy who was getting irate! #ExtremeWorld,0 +First day of fall quarter tomorrow. 😰 #nervous #excited #anxious #blargh,1 +@user @user annoyed by the good loving fans of Onision including myself Is really annoyed at how people just are too cheerful.,0 +@user they never posted stuff like this?????\ni mean i was able to scroll over it so it wasnt a big deal but it was,3 +I wanna kill you and destroy you. I want you died and I want her back. #emo #scene #anger #fuck #die #hatered,0 +Fucking hell. Rush for the damn train also no use. Fucking 4min wait. Still sweating. #rage #smrtruinslives,0 +The cure for anxiety is an intimate relationship with Christ. - 1 John 4:18,2 +One of my favorite classic cars is the Plymouth fiery.,1 +Will WHU be old bill free by the time the game with Chelsea comes around? 😂 😂 😂\nThat will be lively to say the least\n#AFC,1 +"@user : It's not Fox News, it's Fox Propaganda Network, they're so lost in their lies, that they can't tell the truth, if it hit them in face",0 +My roommate: it's okay that we can't spell because we have autocorrect. #firstworldprobs,1 +"@user dilemma, blaiming everything on the Bushes, but acting gleeful over their endorsement. #Election2016 #Trump",0 +When you lose somebody close to your heart you lose yourself as well 💔,3 +#My #blood is so #bitter for satan to test #becouse #cleanse by the #blood of #Jesus christ....#amen.,2 +@user horrible things,0 +The most important characteristic of leadership is the lack of . #activism #equity #revolution,2 +Benefit out exhilaration called online backing off: JkUVmvQXY,1 +Fewer and fewer good horror offerings from Hollywood every year. Or have I just gotten too old for this shit?,3 +@user why does the ticket website never work? Trying to buy Palace tickets and it's impossible and says there's an error,0 +We in our own country are so divided in our approach so how could we fight #terrorism and #pakistani terrorism #MartyrsNotBeggars,3 +@user @user @user @user @user Using fear to state his views. Not getting the facts before making a serious statement???,0 +whenever i pout i just want Adrian to appear and tell me to stop pouting or else,1 +@user #awful service at your Camden store yesterday. Assistants thought it more important to put clothes on hangers than serve.,0 +@user @user shut up hashtags are cool #offended,0 +The #pessimist complains about the wind; the #optimist expects it to change; the realist adjusts the sails.' - William Arthur Ward\n#IGNITE,2 +"@user @user Haha.... Actually, after the Doggies I'm barracking for Anyone But GWS! #bitter",0 +@user @user @user \nGo Jags!!🐆 I think we have a good shot of beating Deep Run tomorrow!,1 +"@user @user On PHP54 and though the Kardashian stuff goes over my head, you're both hilarious, like gleeful little boys 😂😂",1 +@user @user horrible experience with a company like this #goldmedal #horrible sales person #wrong commitments#wrongproduct,0 +@user @user that's what some rioters are doing,0 +@user @user \nI like your thinking...but sadly no - that's the shed 😢,3 +Stop tracking back you fucking potato faced cunt errrr infuriating 😠😠😠😠😠 #Rooney #mufc,0 +"Any #entrenepuers, #start ups, #SME's out there looking for proactive #accountancy, #tax and #business advice? We can help. Get in touch.",2 +@user @user only if YOU will pay for them and YOU will be responsible for them and their doings. #sober #real #blind,1 +For the last 2 years the U.S. has been averaging about 4 terrorist attacks a month. Good debate topic. #Trump #Hillary #terror,0 +Fun pizza night last night with the @user crew. What a gorgeous bunch of newbies ❤️ #lively #exciting 💪🏼,1 +I can't imagine keeping malice with my brothers!! I shudder when I see siblings estranged and all,0 +@user @user My guess is he's just a convenient target for misplaced anger. What they're really mad at is how they played.,0 +Will give #sleepnumber another chance for customer service. Today's growl is 15+ minutes on hold. Overall bed + service = very unimpressive.,0 +"even if it looks like we are okay, the reality of that is were actually very worn out and forlorn",3 +@user no wonder USA is going to shit with such outrage over a simple analogy.,0 +"Anytime @user gets near a mic, someone needs to smack him w a bat. @user #marblesinmouth",0 +@user #colinkaepernick protests because of the unjust murder of #keithlamontscott in North Carolina #injustice #outrage #speakout,0 +@user @user Italy another round lets not drop our play and take it to them with a big result out there guys #blues,2 +@user it would be great but what if the card crashes 😱. It's happened to me twice,3 +@user story of my life. #lost,3 +@user sadly this sort of poster died by the 90s afaik,3 +Don't get discouraged when simple minds don't see your vision,2 +"someone explain female human beings to me, they're depressing me ._.",3 +"It is important to seek peace, even in the midst of a horrific war #CreateSyria @user #TalkingPeace #buildingpeace",2 +Southend players always haunt Man U,0 +"@user @user @user Hey, Jayme! Were your👂👂 burning cuz I was talking about you?😁 Are you going tomorrow?",0 +@user can't stop smiling 😆😆😆,1 +@user @user .....I heard talk something is a miss. He looks weary.,3 +"I mean, is she supposed to seem joyous when she's talking Rodrigo Duterte, ISIS, the American economy, etc.? Think about what you're saying.",0 +"@user @user No offense but the only way this makes sense is if you work for the magazine. Otherwise,who are you apologizing 4",0 +don't put famous dex in a tweet with breezy lol chris is that guy dex a bitch lmao n music ass,0 +My anger is boiling over.,0 +if we let that in id be fuming poor keeping,0 +pressure does burst pipes 😭,3 +@user listening to these politicians is making me so #angry I'm so fucking tired of political speak by career politicians @user,0 +Vincent looking super lively boy... Hattrick perhaps lol,1 +#Azerbaijan #Baku Azerbaijan to prevent another Armenian provocation in Russia,0 +@user which was worse than expected and hilarious too. no one will even remember.,1 +Height of irritation when a person makes a hilarious chusssss.... Plz die....😬😬,0 +"If I were assured of your eventual destruction I would, in the interests of the public, cheerfully accept my own.' Sherlock Holmes",2 +I'm scared that my coworkers are going to submit me to one of those 'wardrobe makeover' shows. #fear #fashion,3 +@user 'I didn't see them???' huff.,3 +@user horrible service. EWR. Not a cloud in the sky. Normal departure at 10am now leaving at 5pm. Crappy #UnitedAirlines,0 +"@user bows out for the moment. Rather than sulk, I'm going to @user for an opinion from the guys studying #Oligodendroglioma. ✌️& ❤️ & 🍩's",1 +@user This will haunt my dreams. @user,3 +"@user just curious as to what you mean. No rush, no animosity, no disdain.",3 +"@user *peers down at you, eyes crinkling with mirth and affection* I do love ye so, my bonnie Belle.",1 +@user nightmare before Christmas,0 +Watch this amazing live.ly broadcast by @user #musically,1 +@user @user most of Trump supporters have not clue about the meaning of the words they used just like him #nevertrump,0 +History repeating itself..GAA is our culture how dare anyone think it's ok to discourage any Irish person from attending any match or final,0 +@user this is so absurd I could laugh right now (if I also didn't feel like crying for the future of our country). #wakeupcall,3 +I might even be on the verge of depression.,3 +@user Canada should be a driving force of democracy freedom rights - instead we help #dictator #misogyny #Sharia #Islam #terror #polygamy,0 +@user update may have been the worst mistake of my day #horrible,0 +i is sad,3 +Val downing a bottle of vodka there to stop her from shaking! #GBBO,1 +"Haven't been here a while, been watching lots of TV. Conclusion #whataloadoftat...if I wasn't depressed before afternoon TV is #grim",3 +@user name change Uncle Remus Lewis #foh #theydontlikeyoueither #lost #unwoke,3 +#FF @user @user Keep on #smiling … !,1 +I don't get what point is made when reporting on Charlotte looting @user Why not explore what looting businesses symbolizes #outrage,0 +I have sleep cooties.\nI close my eyes and dream that I'm awake #weary #sleepissues #narcolepsy,3 +@user I'm frowning at you intensely until you watch plastic memories.,0 +Got to be up in 4 hours to go back to work #cantsleep #excited #nervous,1 +The kid at the pool yelling is about to get a foot up his ass. #shutup #parents #kids,0 +Staff on @user FR1005. Asked for info and told to look online. You get what you pay for. #Ryanair @user #Compensation #awful,0 +@user yea because forcing 5 turnovers and holding a pretty good offense to 7 points is concerning.....oh wait. NO!!,0 +"@user I'm feeling the exact same way. Also I read this in Akon's voice, it provided me with a hearty chuckle",1 +"@user the bantz are absolutely top notch, inconsolable I was when I realised",1 +guys irritate me,0 +Don't faint. New Cisco IOS vulnerabilities were announced yet again. What would be shocking? If they’re patched this week by users.,3 +"@user Mustard gas = hostile work environment, not #terrorism; call #OSHA not #military",0 +"@user @user It's our job, the job of people who r still sane,still ok in life, to help the lost to find themselves & love eachother",1 +Tremor!!!\n,1 +Wrinkles should merely hide where frown have been. - Mark Twain,2 +"@user @user @user @user Yep, Owen Garriott told me it was ghastly. None of his peeps ever had it :)",3 +@user thanks gen!! Love you miss you happy birthday natong duha 💘💘,1 +@user — Hermione in a sort of thank you before sliding his own plate away from him before frowning at Ron as he continued to —,1 +Happiness is a choice life isn't about pleasing everybody #ALDUB62ndWeeksary,2 +when people hit on me i try to shake them off by talking about how i hide from communism,0 +I HATE little girls 😡😡 got a lot off growing up to do!!!,0 +If you think reason will prevail in this election remember that Hitler was elected by what was then a wholly 'reasonable' society.,0 +@user Oh and I play it capo 2nd fret in a G position RS,1 +And she got all angry telling me 'but what would be doing a 40 year old guy looking for a girl like you' and I felt,0 +All the 'juniors' are now wearing purple at ollafest while I'm here fighting with my alarm about when I need to wake up for German #sadness,3 +What's up Cowboys? #horrible,0 +"@user No offense, but isn't it a little late to be getting a radio broadcast degree? Isn't that going to be over in a decade or 2?",3 +Actually fuming I have nothing to wear Saturday,0 +It's easy to hold a grudge harder to let go.,0 +"Finally watched #hungergamesmockingjay2 this morning, sadly I feel a little disappointed #toomuchhype",3 +"Don't let worry get you down. Remember that Moses started out as a basket case. #lol \nToday, choose #faith over #Moses",2 +I saw someone discourage someone from following their dreams. Just because you want to live in mediocrity doesn't mean someone else should.,0 +"@user If you need any assistance with your concern so it can be resolved, feel free to email us with your info. ^AP",2 +i have so much hw tonight im offended,0 +"And I would advise that everyone wait to watch @user ,or actually don't wait, just don't even watch it because it is",2 +"If yiu don't respond .o an email within 7 days, you willxbe killed by an animated gif of the girl froa The Ri.g.",0 +@user @user @user @user indeed & is sadness unavoidable? #MHChat,3 +Bored rn leave Kik/Snapchat #kik #kikme #kikmessage #boredaf #bored #snapchatme #snapchat #country #countrygirl,3 +I found #marmite in Australia. `:) #happy,1 +@user @user thanks. #nightmare,3 +Why mfs so bitter,0 +"@user @user @user @user @user Thomas' nervousness at being the group's focus is evident, 'I>",3 +Being alone is better than being lonely. Know what is worse than being lonely? Being empty; that's right!\n#Loneliness #aloneinthecity #fear,3 +Right i may be an #sufc fan and the football maybe shit but marcos rojo for #mufc has had a shocking start he's just dreadful,0 +Taking a break from the #wedding to #rage at the general #stupidity of certain #people on the #internet.,0 +"Everywhere I go, the air I breathe in tastes like home.' - @user",2 +Swear I got the most playful ass bf ever 😂🙄,1 +where broken hearted lovers do cry away their gloom,3 +"In addition to fiction, wish me luck on my research paper this semester. 15-20 pages, oh boy.",2 +bout to read this article 'Moving the Conversation Forward: Homosexuality & Christianity' from someone in the foursquare church,0 +"@user @user @user Easy, breezy, beautiful...",1 +"Mary Berry - what's the icing on top of your Bakewell tart? It looks like horrid Mr Kipling, not something Derbyshire would recognise #GBBO",0 +"It's not that the man did not know how to juggle, he just didn't have the balls to do it.\n#funny #pun #punny #hilarious #lol",1 +@user thanks for making me super sad about Pizza. #sad #freepizza,3 +"@user the city is famous for the shambles, sadly the old street in the centre plays second fiddle to the stadium debacle nowadays!",3 +Hope I sleep - no nightmare of Bakewell tarts #yuk #revolting #GBBO,0 +@user what a #happy looking #couple !,1 +"I'll happily be rude to people who personally insult me unprovoked, they deserve it 👍 Just as good people deserve respect",0 +@user well done bro😏 #blues #stategames #captain #shootthegerman,1 +@user impossible to say. We can only hope that I don’t unwittingly trigger her ferocious side again. Hell hath no fury..,0 +That last minute was like watching a horror show #GBBO 😥,3 +Thank you @user 4 giving me a free coffee for bringing my reusable cup to the airport because it was 1st time you saw one. But #depressing,3 +Panic attacks are the worst. Feeling really sick and still shaking. I should be a sleep. #anxiety #depression,3 +@user @user he has BAD TEMPERAMENT #tantrums #HissyFits,0 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +@user I too am Ravenclaw. #sadness #shouldhavebeenhufflepuff,3 +"I walked 3.4 miles today, the most I've walked since I got #rhabdo. Going back to work tomorrow.. here's to hoping it goes okay #nervous",2 +What if.... the Metro LRT went over the Walterdale?!?! 😂 #yeg #levity,1 +@user since when the fuck can you not stand at a concert?,0 +I'm furious!!!!,0 +Bitches aggravate like what inspires you to be the biggest cunt known to man kind?,0 +@user Aye. There's a brief window in both morning and afternoon otherwise just horrific until late evening.,0 +@user I hashtag things and the kids always tell me to stop 😭😭😭😭😭 #sadness,3 +@user i have unsubscribed 3 times from your spam emails still coming? STOP THE EMAILS #avanquest #software,0 +UPLIFT: If you're still discouraged it means you're listening to the wrong voices & looking to the wrong source. Look to the LORD!,2 +It's Thursday which means it's Grey's day #TGIT,1 +"@user BLM was outraged by the shooting in NC the other day, turns out the guy pointed gun at police. Wait for facts before outrage",0 +"Because it was a perfect illusion, but at least now I know what it was. #angry #ladygaga #iscalming#mysoul",0 +"@user —but be a little playful. \n\nHe hesitantly pulls away, just enough so he could get words out, lips brushing against—",1 +I never let anything below me concern me.,2 +@user can I get away of this wrath by reading manga instead of watching overdone anime,0 +Depression sucks! #depression,3 +@user I would like to know about the source of The President's optimism about running the country. I wonder if he can answer my curiosity.,2 +@user @user Very rare an officer just shoots without regard. They don't want that on their conscience. #incite #inflame,0 +"Haven't been here a while, been watching lots of TV. Conclusion #whataloadoftat...if I wasn't depressed before afternoon TV is",3 +Public products: high downhearted price tag consumer survey sum and substance: OVth,0 +"@user he's stupid, I hate him lol",0 +@user is like the big bully in class ruining everyone's lunch but instead of taking our lunch money they took away family feud,0 +I hate not having the answers I need. #tomourssuck #prayinsnotcancer #angry,0 +Just got back from seeing @user in Burslem. AMAZING!! Face still hurts from laughing so much,1 +@user my heart actually sunk looooool I was so confused,3 +I'm buying art supplies and I'm debating how serious is it to buy acrylic paint.,1 +"@user I chuckle and shake my head, 'No that didn't bug me too much. I was still going to ask you but there's a lot you still don't--",1 +"@user I had to unfollow, he got trolled by trolls. His revenge trolling just caused a lot of collateral damage.",0 +@user does being a #bully make u feel like a #bigman? Cos it makes u a #twat,0 +@user I'm not sure we like this comparison. USA should emulate #Israel's methods of protecting civilians against #terror attacks,0 +@user is like the big bully in class ruining everyone's lunch but instead of taking our lunch money they took away family feud #bully,0 +@user media celebrated Don King endorsing #Obama in 08 and 12 now criticize him for endorsing #Trump who wants new Civil Rights era- sad,3 +She'll be bribing her parents with hearty laughter and giggles :) #Loveet,1 +I think I may have a mild anxiety problem. I think that's what this feeling may be..,3 +ICQ is just making me mad!!!😤 #icq #angry,0 +"James: no 500k, no 50k, no 25k, no 10k. You fucked up. #bb18 #shouldofVotedforNicole",0 +@user jesus heck you're awful,0 +@user how do u guys determine teams? Cause I'm 80% on shitty teams when I play and I'm fuckin over it #cod #rage,0 +I lost my blinders ....,3 +Stop tracking back you fucking potato faced cunt errrr infuriating 😠😠😠😠😠 #angry #Rooney #mufc,0 +"@user Heard #alarm 1. time in Germany today #youFM, TG finally .. and far far too late. Germany always late w UK artists!!😡😠",0 +in my dream....They were trying to steal my kidney!!! #nightmare #blackmarket #whydidiwatchthat,3 +Thanks to all the #sober drivers. The real winners of the night! #ClemvsGT,1 +@user @user @user @user @user future convicts rush in where TRP hogs fear to tread #HomilyHour,0 +I'd pay good money to watch someone slap that pout off Candice.,0 +"Good #CX most often doesn't require all that much. #smile, #care, #relate and be #helpful. Thanks, Lakis Court Hotel in #cyprus",1 +"Not by wrath does one kill, but by laughter. Friedrich Nietzsche #friedrichnietzsche",1 +I love Mary's undying optimism. You could present her with dog shite and she'd find something good to say. #GBBO,2 +Houston might lose a coach tomorrow or by midnight. #yikes ?,3 +Let's refuse to live in #fear - #c$%t,2 +2 days on.......never a fucking pen!!!! #nffc,0 +@user thanks mucho kate💕 #sober,1 +The more I watch this documentary on @user the more I think @user is more a #nightmare than dream #dreamornightmare,3 +@user @user You certainly wouldn't catch me with the multitude. #ghastly,0 +Fingers crossed I can finish all my work early enough this Friday in time to catch @user at LIB 😦 #nervous #timetogrind,2 +Wont use using @user @user again!! These guys cant get nothing right!!,0 +@user What is even more shocking is that someone gave him a record deal! lol,0 +I'm so old next Friday. So super old😩💔 I dread birthdays,3 +@user afternoon delight,1 +Being in the countryside all day was so pleasing,1 +"This is the first time I've written anything on this series in over two years, so I'm checking back in for one last nightmare.",3 +I wanna kill you and destroy you. I want you died and I want Flint back. #emo #scene #anger #fuck #die #hatered,0 +Snores on TL. Boredom sunk in.,3 +#disgracefulesin I resent all men in some way; for some or no reason at all. #esinscountdown,0 +"So I went to a different grocery store, and they had no @user had to buy Helmann's.\nLiterally shaking right now.",0 +She is someone who rolls persuasion under intimidate and awkwardly wins. ALL THE TIME.' @user on @user,0 +@user @user Do you really have to pedal like a nutter to get anywhere? I remember it being more sedate.,3 +Can't believe @user are putting their prices up!! They already know I'm struggling to pay my bill & won't change my package!!,0 +@user happppy happppyyyyyy happppppyyyyy haaapppyyyy birthday best friend!! Love you lots 💖💖💖💖💖💖💖🎉🎊 #chapter22 #bdaygirl #happy #love,1 +"Especially true if there is an impulsive, thin-skinned bully who likes to silence critics & opponents as president. #voxconversations",0 +"Biggest joke in life? Kardashian and Jenner stans. Their lives are so dull, parents must be so proud.",2 +Listening to old school house music kentphonic-sunday showers 'hanging around' 'sing it back' #blues,1 +testing #angry,0 +"@user The most ghastly thing is the silence from the #AARP. Trump says he won't touch SS, but his tax plan belies that. Huge cuts.",0 +Val is far too cheery for my liking ✋🏻,1 +@user @user @user dis dat nigga from fume right?,0 +Excited and nervous for Tuesday,1 +@user the forth character? No... not gleeful enough...,3 +@user @user sadly not !! One less hour drinking time 😢🍻,3 +Being alone is better than being lonely. Know what is worse than being lonely? Being empty; that's right!\n #Loneliness #aloneinthecity,3 +my bls depress the blake,3 +"@user I've still been trying to sort through it all, but I suppose I also shouldn't have had such high expectations. #sadness",3 +Michael Carrick should start every game for United and England,2 +Love the new song I can't stop thinking about you by #sting.,1 +@user Yes Lia!! Join the dark side!!,1 +Stuck in a infuriate scrum about hegemonists. #infuriate #scrum #scrum #Stuck,0 +"Avoiding #fears only makes them scarier. Whatever your #fear, if you face it, it should start to fade. #courage",2 +If Angelina Jolie can't keep a man no one can. Today we mourn because Love is dead,3 +"Why to have vanity sizes?Now sizes S,XS(evenXXS sometimes) are too big, WTF?! Dear corporate jerks, Lithuania didn't need this. #rant",0 +Hillary Clinton looked the other way to the Saudi war on women and their terror financing because they bought her off.,0 +Im so unhappy,3 +feel really sad and down today😒,3 +@user @user @user @user A litany of name-calling. How dull.,3 +When you just want all the attention #cantsleep #nervous,3 +Its worth noting that despite the animosity between the US president and the Israeli president they both behaved as gentleman.,1 +☊Focusing primarily on the person you’re talking to rather than yourself and the impression you’re making lessens social anxiety.,2 +@user does Remo Williams ever actually 'save' anyone or does he just sulk around killing random undesirables ?,0 +Want Darren to open the video so he can appreciate my hilarity,1 +ppl talking about diets and i am feeling #terrible hahaha,1 +if you're unhappy with someone just fucking tell them you're unhappy and leave. Don't go fuckin around with other people on the side,0 +Stoked that the concept of 'label exclusivity' is becoming faux pas. Always believed it held artists back while creating label distrust,0 +Lost Frequencies/Janieck Devy - Reality (Gestort Aber Geil Remix)' is raging at ShoutDRIVE!,0 +Your attitude toward your struggles is equally as important as your actions to work through them.,2 +So is texting a guy 'I'm ready for sex now' considered flirting?' #shocking,0 +Hey @user would be nice to have “click to pause” or “pause when window inactive” on animated GIFs for macOS Messages app,1 +"@user + returned her joyous focus to the pastel-haired girl. 'Wawa's okay, tooooo~!' She squealed before raising her eyebrows at the +",1 +#NawazSharif says India poses unacceptable conditions to dialogue.#India's only condition is an end to #terrorism. :@MEAIndia,0 +@user Are you always so relentlessly positive? Your constantly cheerful optimistic disposition starts to grate after a while.,2 +"@user Don't ask, you don't get. Apologies if I've offended you. All due respect Alan, I think you've been fed duff info.",0 +You ever just find that the people around you really irritate you sometimes? That's me right now 😒,0 +@user @user fingers of fury!,0 +Action is the foundational key to all success ~Pablo Picasso #inspiring #quote #action #hustle #start #dosomething #success,2 +Fam what seems more fun for a photo booth: being able to instantly post to Twitter or having to wait till sober to see the hot mess,1 +@user Glad you gained some cheery vibes just by looking at our Happy Meal! 😊,1 +"ok, ok.. I know.. my last tweet was",1 +"@user ~together.' Hermione lowered her voice slightly, sounding somewhat bitter, perhaps even rueful. 'That would only get you~",3 +@user wonderful experience watching you yesterday at. @user thankyou for the,1 +"I think what 2016 to really needs to round it out is a @user vs @user twitter debate. End on something joyful, ya know?.",1 +"Is it me, or is Ding wearing the look of a man who's just found his arch enemy in bed with his missus? #angryman #scowl",0 +US you need to band together not apart #nevertrump he promotes hatred and fuels #fear,0 +#Terrorism can be destroyed easily if #wholeworld came together great strength..they could destroy this #fear from #humanity..,2 +"@user no pull him afew weeks ago, sadly theres no game audio or sound affects cause i played it on my phone and tryed everything",3 +@user @user ill kill u if u bully her 😤😤😤,0 +"@user looking back on recent tweets seen, this one right here is great #perfect #hilarious #Speechless #deal",1 +White Americans are worried about Arab terrorists. Black Americans are fearful of a terrorist in a Police uniform on a daily basis.,0 +Starting not to give a fuck and stopped fearing the consequence,0 +@user \nIsn't OBrien supposed to be some sort of offensive genius #awful,0 +@user this really sucks how much your customer service sucks. I've been hung up on three times and this is absolutely horrible.,0 +@user a multimillionaire spoiled brat who gets In a self righteous huff bc his friend is Muslim is a non starter bye!,0 +"It takes a man to suffer ignorance and smile. Be yourself, no matter what they say. #sting",2 +i had a hard time falling a sleep and woke up several times because i was afraid of bugs crawling on me and i ended up waking up with a bite,3 +@user I don't really understand the burst and semi auto version bc the damage doesn't change so those are essentially useless,0 +you are an angry glass of vodka,0 +In serious need of a nap,3 +Wah just woke up frm a fucking nightmare,3 +@user it's super sad!! Especially when you are talking to a real person and not a bot! Makes it feel real :(,3 +Hey @user why can I only see 15 sent emails? Where's the thousands gone?,0 +Never make a #decision when you're #angry and never make a #promise when you're . #wisewords,2 +Watch this amazing live.ly broadcast by @user #musically,1 +@user your website is making me feel violent rage and your upgrade options aren't helping either. #Aaaaarrrrgghhh #iwanttocancel #rage,0 +"@user bought the Steam port of Vice City, and to my delight Billie Jean is on the soundtrack!",1 +Can't believe I've only got 2 days off left 🙄 #backtoreality,3 +@user #horror H3LL I SURE DID!!! LOL\nHappy about this decision. :),1 +@user You have no Police credentials-You were a litigator. Nothing more-No Experience. #Sad #TrumpPuppet #Felon #jersey4sale,3 +last nigt i dreamt \nthat somebody loved me\nno hope no harm\njust another false alarm,1 +"Just heard what happen at grandad hometown last night such a terrible news 💔, hope everyone okay 😢",3 +Who the hell is drilling outside my house?! Literally got to sleep at half four after a busy shift and these twats have woken me up,0 +Fuck yall @user for hiring that GOP PR guy to discourage Cam from speakinh his mind and heart about racism,0 +@user @user I'd give that pout the firm D,1 +Termination rate is at 22.22% I gotta make some things shake,0 +@user much #sadness and #heartbreak,3 +I think I must scare my coworkers when I'm eating like a rabid animal on my breaks #srry,3 +@user cum and despair,3 +@user Canada should be a driving force of democracy freedom rights - instead we help #dictator #misogyny #Sharia #Islam #polygamy,0 +@user @user pine nut.... Chestnut....peanut....wait... Wrong film,3 +Caballero is shocking,3 +Machine keeps beeping* \nNurse: Don't worry. You're all good. Vitals are normal for your size. \n*Walks back out* \nMatt: so you're dying....😑😂,2 +"I want my highlight to be so bright that if I ever get lost and someone is looking for me in the dark, they'll find me.",2 +"@user She chuckles, shaking her head. 'No...I just have a really vivid imagination, I guess. It happens when you meet someone>",1 +@user Noel Edmonds reckons a cat he's talking to is stressed because of the uncertainty over #GBBO future!?!? #plot #lost,3 +@user @user most of Trump supporters have not clue about the meaning of the words they used just like him #sad #nevertrump,3 +"@user your gunna make me cry, I need a glee day",3 +An @user kind of drive home from work today #dailyfeels,1 +@user looking forward to div 2 next year @user #leictershireaway #therey,1 +"jimmy_dore: RaisingTheBoss we've already lost our country and our government to oligarchs, but their fear tactics still work it appears.",3 +Just wish I was appreciated for all I do! When is it my turn to be taken care of!! I want a break!! #tired,3 +"It feels like there are no houses out there for us. With the most basic requirements I have, there are literally no options. #discouraged",3 +Michelle is one of the worst players in bb history #bb18 #bbfinale #bitter,0 +@user If you don't love yourself... Honesty is the best policy,2 +@user after such a heavy 2 days this has given much needed levity. Thanks bro,1 +and i will strike down upon thee with great vengeance and furious anger those who attempt to poison and destroy my brothers,0 +"@user @user @user pretty average, klitschko fury did about 600k and Joshua white did about 450k",1 +It's about time I start taking my own advice,2 +I just don't understand why everyone is so #angry we all just want to live and thrive don't we?,0 +"Traditionalists say it should be bored by or bored with, but not bored of, a 'rule' cheerfully ignored",0 +"Yall rlly gotta stop lettin bees put fear in ur heart. unless ur allergic, I'm not tryna see u run around from a fuckin bee...chill. u soft.",0 +Why is it when you nap during the day you are so comfortable but sleeping at night you'll never be as comfortable #nightmare,3 +"A MOMENT:\nIf you kill it in the spirit, it will die in the natural!!!'-@PRINCESSTAYE #murder #suicide #depression #racism #pride",3 +@user sparkling water wyd,1 +@user what can we do 2 get @user 2 reveal his taxes? That is the immediate danger. But u will not answer me.,0 +When you get lost in a neighborhood and have to use the gps on your phone to find your way out. #lost #GoogleMaps #blondmoment,3 +You ever just be really irritated with someone u love it's like god damn ur makin me angry but I love u so I forgive u but I'm angry,0 +That way ur so angry you can literally feel ur blood boiling,0 +Twitter is a font of endless hilarity.,1 +My goals are so big they scare small minds,2 +#SIGUEMEYTESIGO #happy #snapchat Manuellynch99 #venezuela,1 +@user glee glee glee glee gLEE GLEE i LOST LOST LOST lowe much,1 +"(Sam) Brown's Law: Never offend people with style when you can fake that, you have to break us in this Island.",0 +Having a blast playing games and hearing testimonies at Pastor Jeremy's house #fellowship #food #laughter #praise #gospel #coffey1617,1 +@user @user im so exited!! I am shaking so much 😍😍 and im so pround of Colleen and the fandom! Everyone is amazing 😍,1 +Sting is just too damn earnest for early morning listening.,1 +"Are you worrying/worried?\n1Peter 5:7\nThrow all your worry on him, because he cares for you.#faith #leadership #worry #mindfulness #success",2 +Instagram seriously sort your sh*t out. I spent ages writing that caption for you to delete it and not post it!! #instagram,0 +"@user But even if I jumped through that hoop, it just takes one irate netizen to decide me playing by 'the rules' isn't enough.",0 +"@user I'm not on about history or other people, I'm on about you. I've bullied no one, I make three posts and you attack",0 +@user i can't bully you and niall impossible😙,0 +You can't fight the elephants until you have wrestled the pigs. #quoteoftheday #relentless,2 +When someone tells you they're going to 'tear you apart' and all they have to say is 'why are you so tall?' #shocking,0 +@user @user I'm there... let me know,2 +@user @user thanks.,1 +@user peanut butter???? You some kinda pervert??,0 +When your sister is 19 and throws legitimate temper tantrums just to get attention..,0 +@user expected i thought #fear,3 +@user @user fuming,0 +@user @user I need it today! Do u know how many fuckin French plaits I had to do this morn with a stroppy 9 yr old! #rage,0 +I don't think Luca understands how serious I am about Fall....he has no idea what's in store for him 😂😂,1 +@user I fuck with madden way harder,0 +And with rich Fumes his sullen sences cheer'd.,1 +I need a 🍱sushi date🍙 @user 🍝an olive guarded date🧀 @user and a 👊🏼Rockys date🍕 #tiff,1 +@user since when the fuck can you not stand at a concert? #raging,0 +Im think ima lay in bed all day and sulk. Life is hitting me to hard rn,3 +Man Southampton will wipe the floor with west ham on Sunday. So disheartened,3 +#Trends thread;'P)..it was in my #drafts&now #posted 2 mins after my #birthday..so #close:'O!:''/...but anyway it #really was the #start of,1 +God hears your voice optimism at the moment that you think that everything has failed you ✨.,2 +So going to local news immediately after #DesignatedSurvivor turns out to be a smooth transition. 'Chaos! A raging fire!...' #media #fear,0 +@user you have had from me over the years is irrelevant. Its an absolute joke. #manutd #ticketing #fuming #noloyalty #joke #notimpressed,0 +Shantosh: How crazy would it be to walk past and talk to a person everyday never realizing he is suffering from depression or such? …,3 +"@user I know your furious, i am too, but just stop fucking moaning. We didn't win until the 7th game last season and where we finished.",0 +"Just Laying Here, Can't Sleep 4 Some Reason #restless",3 +We stayed up all night long\nMade our drinks too strong\nFeeling ten feet tall\nRopes swinging into the water\nIn the middle of the night,1 +Hell hath no fury like a bureaucrat scorned. ― Milton Friedman,0 +the day they disclosed they caught her googling cholroform we were fucking aghast,0 +@user Step 1: Get rid of @user Step 2: Prioritise football Step 3: profit? #depressing,3 +Prayers & Protection to our brothers and sisters fighting in #Charlotte #against #machines,2 +"@user evidently @user feels above #norms. SHOW the #tax return, if you have nothing to",0 +@user @user due to hearty lawsuit NASCAR will raise beer prices $0.07 to accommodate for losses.,0 +@user how on earth can I send an email to you? Very annoyed customer!!! #fuming,0 +"#GBBO is such a homely pure piece of tv gold. Channel 4 will attempt to tart it up. Mary, Sue and Mel gone. It's over. I'm out. 👋",0 +I almost feel offended that she thinks that's a big deal. She's knows I'll literally do anything for her or Kai.,0 +"If children live with #ridicule, they learn to feel #shy",3 +*Sigh* #saddness #afterellen #shitsucks,3 +Queen Bey will be smiling over sixth this afternoon,1 +"After 3 idk why I start feeling so depress, sad and lonely.",3 +#blackish always has me #rollin #hilarious,1 +"Yo Yo Yo,my name is #DarthVader \nI feel like I need to puff on my inhaler (I'm no rapper but that was some sick bars) #bars #rap",3 +"@user < took another sip. “We’ve had some earth shattering, soul exhilarating sex. You think black souls can have that kind of >",1 +"@user Hell is hot and boiling, isi ewu",0 +"@user oh, sorry if I've discouraged you 😂",3 +"Lament a \nsaddened heart,\nso far & \nyet so near,\nthe years so\ntough & scarred,\nthis lonesome\nroad,\nstill feared! #depression \n\n#poetry #poem",3 +Just had a massive argument with my alarm today... I didn't want to get up. I don't know how we're going to fix this by tomorrow morning 😕,0 +"@user awe, I love you kid!!",1 +@user We should be ignoring these rioters like the current administration ignores #terrorism. This will obviously make it stop.,0 +I love my black people..... I really really do. But .... my people really do irritate the living hell outta me all cause I'm different. 😑,0 +@user @user specific & intentional way. And part of that intention is to provoke conversation around systemic racism towards blacks.,0 +Back on my #bully,0 +I gave up on the U20 Rugby bet on the Roosters! #nrl,3 +@user @user @user Connor said he's worried that Jack will steal his girls on a night out,3 +Super shitting it about this tattoo,0 +"And getting offended or furious that a writers style isn;t to your taste is ultimately daft, I suppose.",0 +ethan was with someone in the car when he did his revenge on grayson,0 +Happy 69th @user May u keep haunting us for many years. #writing,1 +"@user you should be criminalized for posting a pic of that brown frown.... Get a pic of some jack, or cookies, or diesel, Join up @user",0 +"When you wake up from a dream laughing at something stupid, and that makes you laugh more #hilarious",1 +It is no coincidence that Lacan recorded infants' jubilant reactions to their mirror images in the noise.,3 +im so tired but i still have thisbhuge history test in a few minutes i cant afford to get freaked out now oh god if i have an anxiety attack,3 +@user @user @user @user @user terrorist attack and terrorism already exists in the history of islam.,0 +Vale! Vale! Sip sangria and taste tantalizing tapas @user 's fiery flamenco nights! #MinutesFromHoM #SilverLake #LA #Flamenco,1 +@user @user included for maximum #sadness,3 +"@user yeah, I've only seen that floated online as a theory, it was probably made up by a bitter stan. I ignore pets v vets crap too",0 +Dad asked if I was too hungover to function today. Little does he know I stayed sober last night so i could get shit faced tonight 😅,1 +I really wanna go fright night at Thorpe Park next month 👻,1 +"Welp, I'm off to get my #anxiety meds now. #Empire",3 +If you sober better roll another Dutch or if u don't smoke nigga better pour another cup 🍁🍾...,1 +I just want to say: social media isn’t here to #bully that has to be #stopbullying ! Please be kind to eaxh other! #lovewins,0 +"Yet we still have deaths, road rage, & violations on the road, despite a widely accepted concept of 'personal accountability' while driving",3 +"My wedding is in two weeks and I'm actually really nervous. I just want things to go right, I don't want to get sick or get canceled ;;",3 +The snaps/Insta pics I see of the friends I made while in Cali are so unbelievably depressing cause there's no place I'd rather be but there,3 +@user @user @user 80s new wave/techno - or jazz / blues depending my mood,1 +@user @user @user @user @user Have you read the OT and Pauline Epistles? They have countless horrid rules,3 +i just spent $40 on big little sis tomorrow and i am beyond happy about it #SAW #mirth #mums,1 +@user @user wow. not heard this in forever. Random but. great #xph,1 +@user yep & I stayed in pjs all day too lol x,1 +@user You are beyond wonderful. Your singing prowess is phenomenal but damn... I'm just elated to watch you act again. #ThisIsUs 珞,1 +"@user snow pig, that's hilarious. Lmaooo",1 +@user I've been disconnected whilst on holiday 😤 but I don't move house until the 1st October 🤔 #furious,0 +"@user I remember being awestruck looking around thinking, 'You could fit the entire population of our town in here ten times over.'",2 +"Oh that cheery fucking note, good night shit heads X",0 +Rockin to Bob Dylan singin' Bob Dylan's 115th Dream on LPCO Klassic Rock #classicrock #klassicrock #rocknroll #blues #onlineradio,1 +"@user as a musician, I can tell you that more people get discouraged when learning because of shitty instruments than anything else.",0 +@user I still find you pleasing.,1 +"@user ummm, the blog says 'with Simon Stehr faking 7th'...I'll expect an investigation forthwith. This is an #outrage",0 +ok yes I get it as much as the next guy -- bikes blues & bbq is frustrating & loud!!! but these ppl are traveling from all over to come --,0 +@user @user I'm there... let me know #sober,2 +Omg someone asked them to sit and they reluctantly moved with a huff. Biiitttccchhhhhh 🔪,0 +Can't even believe just seeing you set my anxiety off 🖕,1 +@user why is there no disabled access at pontefract monkhill? #terrible,0 +I seriously miss #ahsaftershow with @user and @user I need to talk about the mamasitas and the hunks of horror.,3 +"People want me to go pine ridge, little wound or Oelrichs. Starting to think about transferring but I wanna stay at cloud. Decisions man.",2 +I genuinely think I have anger issues,0 +having a pet store worker ask 'do you want to play with them?' is the most exhilarating feeling,1 +Inner conflict happens when we are at odds with ourselves. Honor your values and priorities. #anger #innerconflict #conflict #values,0 +Update: I have yet to hang out with @user but I'm still hopeful!,2 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +Chart music is pretty much ALL the same.. #horrific,0 +Dreams dashed and divided like million stars in the night sky.,3 +Drop Snapchat names #bored #swap #pics,3 +"I don't mean to offend anyone, but 93.7 literally blames everything on white people. In some cases it's true, but a lot of times, it's not",0 +If you really care like you state @user @user then I would seriously address sensitivity training to your employees,2 +"So Mary Berry, Mel and Sue have gone with their principles, and @user has gone with the fame and fortune. #GBBO #depressing",3 +Get to work and there's a fire drill. #fire #outthere #inthedark,0 +resentment is rlly my shit.,0 +@user eh well i can do the sting vs cactus loser leaves wcw match at bash at the beach lol,1 +Hope was an instinct only the reasoning human mind could kill. An animal never knew despair.,2 +A nation with a large part of the population living in #fear of the police is neither #great nor #free - it's actually a #fascist nation,0 +"@user (1) Watch out for memes & statements designed to make you feel outrage, but that don't give you anything to *do* about situation",0 +"It takes a man to suffer ignorance and smile. Be yourself, no matter what they say.",2 +@user @user sorry to #offend u griffin!!,3 +Repeal/remove the 'Johnson Amendment'. It is a direct affront to the First Amendment of the Constitution.,0 +@user @user @user I was having breakfast when I seen this?! I blew my cereal in the #sink!!,0 +Learning how to use twitter #lost,3 +angry already,0 +What a horrible track lakeside is 😳😳😴😴,0 +Try to find the good in the negative. The negative can turn out to be good.\n #anxietyrelief #openminded,2 +"@user Ciara asks was it a sci-fi movie, Julie & Jen just stare, Claire on her phone, Joey bolts when the cab honks. LMAO #hilarious",1 +@user See you all October 8th. @user is ready to tear it up #keeptalkin #wreckinso #the40 #brandonmanitoba #country #rock #blues,1 +"Sharpened a pencil today, haven't sharpened once since 1999. ✏️ #exhilarating",1 +"i love those #memories that randomly pop\ninto my head , have me #smiling like an\n#idiot for ages 󾌴",1 +"@user @user again, profiling DOESN'T discourage (September 20, 2016; 18:41 EDT) #terror #TRUMP #FAIL",3 +".@monsoonuk Ordered before 10pm last night, paid for next day. Didn't bother to fufill order. Now 14 working days for a refund!",0 +Omg. You've got to watch the new series 'This is Us'.....wow. Best tv show I've seen in a long time.\n #tears #moretears,1 +Chalk dance notation entree manchester inasmuch as corinthian products that discourage drag branding: ARwuEVfqv,3 +"her fingers slide along your thighs, caressing the skin before she's leaning down, down, down and the first lick is teasing n playful.",1 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +@user @user @user @user @user @user average 22000 for the massif...,1 +why are people so angry toward veggie burgers at in n out wtf,0 +I believe women are more fiery because once a month they go through struggle and struggle is what develops a strong character.,2 +What the fuck is he even doing ? He should be off that's fucking horrific !,0 +"@user He has charisma? I guess, if you like people who looked coked out and speak as if they're a school bully?",0 +is it an insult or compliment to be told i look like a really happy duck,1 +If I had a little bit of extra money I would blow the whole paycheck and go to one of the two of @user concerts in LA. #serious,2 +"I've watched @user 2nd Season's 1st episode twice already. And here I am, still joyful, planning on watching it again.",1 +@user what if lives are attached to real estate? Shall I come trash your cameras because I'm angry with what your race is doing?,0 +"Should I give the windy tiger those ankle and wrist tapes? I didn't include any character-specific details in the burning fox, so...",0 +Last night my stomach was hurting and today I have a horrible headache. I can never win,3 +We floated like butterflies. Now you sting like bees!',1 +@user @user Although I don't expect a trumpie to understand the difference between real things and pretend things. #sad,3 +@user not mad but tilting? slightly irate? is that cool?,0 +"@user BUT arms (focused rage) is overpowered, it will be getting nerfed. It'll still be stronger than fury though",0 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +"I'm not afraid to love, I'm afraid of not being loved back.",3 +"@user it does. if one person ruins season 13 for me, I will be so angry",0 +White people irritate me.,0 +@user I love parody accounts! Well done. Vote for #Trump. #lol,1 +Recommended reading: Prisoners of Hate by Aaron Beck #anger,0 +@user decorations are up all over Jersey already #outrage,0 +not to be That Person™ but i get bitter seeing some ravi stans,0 +I got so much fan's on here! Y'all and vixx keep me smiling ❤❤❤,1 +Unmatched Party Specialist /co @user #serious #job #titles,3 +Come on girl shake that ass for me,1 +Hi guys! I now do lessons via Skype! Contact me for more info. #skype #lesson #basslessons #teacher #free lesson #music #groove #rock #blues,1 +"I believe the work I do is meaningful; my clients would agree but at the end of the day, I feel like a pawn, lost in this chaotic world.",3 +Hey all you white people out there; are you #offended when people refer to you as a Cock Asian? #NoSeriously,0 +@user @user @user @user @user Apparently nothing like the terror cops have of black people.,0 +And thus begins my 2 week holiday! 😏😏\n#holiday #cheering #ghastinoir #rest,1 +It's not #dread. It's called #Locks,2 +Today was horrible and it was only half a day,0 +The @user are in contention and hosting @user nation and Camden is empty,3 +How was Natalie one of the top three favorites?! #toofaced and #bitter 🙄,0 +@user @user what I miss?,3 +"@user @user @user @user I'd be perched on that, unfortunately wrapped in heavy chains! #sink...",3 +Still can't log into my fucking Snapchat #Snapchat,0 +I don't want perfect. It's too boring and dull.,2 +Cam cannot be serious with that IG post and that stupid ass font he uses. Would've been better to just say nothing.,0 +"@user Well, not Archie. No offense but he's kinda old.",0 +"Approaching #terrorism from an anti-racism POV is futile, instead promote prejudice towards racism. That way we are all on the battlefield.",0 +@user don't tweet shit like this! It'll come back and haunt you like your other ones 😭😂,0 +"your outrage (your tweets, your jokes, your attention) is *exactly* what M*lo wants\n\n(this is not meant as a defense)",0 +"Good luck to all Fury-Haney players playing this weekend at the Future Stars showcase in Frisco, Tx. #KGB #G-town #fury",0 +"Absolutely raging at the changes to CAS, what a joke",0 +"Please bear with me, I'm not Twitter savvy😝 in real life I'm a Facebook person. Help me gain followers 🤓#blog #selfhelp #depression",3 +.@LEAFYSZERKER @user is that an insult? Sounds like a job well done. it's red so it's done the job it was suppose to do #justsaying,0 +@user id be fuming,0 +The #500thTest match would have be a T20 or an ODI if @user @user been in their National Colors #nightmare #hitter @user,3 +my haters are like crickets. they chirp all day but when I walk past them they shut the fuck up.- @user (my idol),0 +I have no clue where my charger is... #lost,3 +"@user oh ok, yeah I felt dumb like I think I would have known if it was animated at least lmao",1 +When you break a record in #madden I wish it didn't say the same shit after every rush like you just broke the record. #shutupphilsimms,0 +@user let's rage,0 +"@user 😂😂😂. Sure half these stars get together,break up,have affairs,let porn vids slip out,fight,ect etc all to up there ratings. #sad 😂",3 +"@user : Whaaaat?!? Oh hell no. I was jealous because you got paid to fuck, but this is a whole new level. #anger #love #conflicted😬",0 +"im on holiday for the next round, fuming!",0 +Who the hell is drilling outside my house?! Literally got to sleep at half four after a busy shift and these twats have woken me up #fuming,0 +"@user You're a thief and a liberal mope, investigated by the financial services board for theft of govt retirement funds. THIEF",0 +How do you help someone with #depression who doesn't believe they have it and doesn't trust therapists?,3 +Can we start a 'get Chris Sutton off our tv campaign? Spread the work #terrible #pundit #noclue,0 +I saw those dreams dashed && divided like a million stars in the night sky that I wished on over && over again ~ sparkling && broken.,3 +Bout ta get my @user on up in here! @user #icantholdmybreaththatlong,1 +Inglorious distinguished try auction so the joviality touching back side auction otherwise advance for order about: vAwyZAD,1 +omg i just heard my dads alarm go off have i really been up all this time,0 +fuming,0 +Some bloke on the train who's obviously trying to provoke West Ham fans by loudly slagging off the stadium to his mate on the phone,0 +Another grim & compelling news report by @user on the blockade of aid to the starving in #Yemen #BBC #dosomethingpoliticans,3 +Can we start a 'get Chris Sutton off our tv campaign? Spread the work #pundit #noclue,2 +"— to reveal a broad smile. \n\n'Yeah, it's nice.' \n\nPursing his lips, he stifled his joyous expression in order —\n\n[@AVIATAUBE].",1 +Big thanks to Brad Pitt who's trashy ways brought a modicum of levity to an otherwise lame week of political 💤.,1 +and again dirty and self loathing attitude mope talking,0 +"@user you may be right, but since year the bad events begin with B, I'm privately hoping we've got at least C-Z to go 1st",2 +@user and it's kinda depressing hey!!! 😑,3 +A delight to be at the Lane tonight and witness the debuts of some young talent that could be the backbone of our club!! #COYS,1 +Im so angry 😂🙃,0 +kenny - where were you born\nme - washington\nkenny - you fucking liar you were born in the fiery pits of hell,0 +Zero help from @user customer service. Just pushing the buck back and forth and promising callbacks that don’t happen. #anger #loathing,0 +Omg he kissed her🙈 #shy #w,1 +"#EpiPen: when public outrage occurs, expand #PAP Patient Assistance Progrm, coupons,rebates .@GOPoversight @user on #Mylan #Epipen",0 +How on earth can the projection of all that is good and happy and true in my soul be a poisonous fucking snake? #patronus #adder #offended,0 +"@user If they say the words radical Islamic terrorist, will that somehow make the terror groups drop their weapons?",0 +And it pisses me off more they killed people who surrendered. Hands up and all. If hands visible you shouldn't be fearing for your life,0 +@user fuming ain't the word,0 +@user aww thank you!! I'm definitely feeling much better today and your messages cheer me up too ☺️,1 +@user are you gonna do any kind of community raids when wrath of the machine drops?,0 +Zero help from @user customer service. Just pushing the buck back and forth and promising callbacks that don’t happen. #loathing,0 +"@user Virtually every statement by other countries at #UN has referred to #terror as main threat to peace, #Pak still in denial.",0 +@user actually maybe we were supposed to die and my donation saved our lives??,3 +"This anger inside I turned to fuel, I burned and watched myself spin down, like inferno types,",0 +India should now react to the uri attack.....,0 +@user I'm as pure as the driven snow after it's been pissed on by multiple rabid dogs,0 +@user and Gerrard was awful then,0 +@user Madrid is playing awful and no modric but 90 minutes in Bernabéu stadium are so so long. Viallreal never won there,0 +#ukedchat A4 Just go outside (or to the gym hall) and play! \n #education #learning,1 +@user @user It's Ms btw. we were lied to by Remain. dry your remainer tears; Just accept you #lost,3 +I'm so restless,3 +Y'all tune into Snapchat for Beans funereal,3 +@user don't know I'm from nj we are the worst on purpose.,0 +US lady in foyer - 'Am I not #afraid to be tweeting in #Moscow?' Fortified by d good #Lord & #JD I reply 'I fear no Russian. 'cept my #wife😅,1 +Losing to Villa...'@M0tivati0nQuote: Most of the things people worry about are things that won't even matter to them a few months from now.',2 +"It'd probably be useful to more than women, but I'm dealing with re-reading an article about a woman being harassed on the subway.",3 +The amount of laughter ready to leave my body if United lose is unreal,1 +"@user *Baal dashed forward, boosted forward by her power of flight. Her sword pointed at Void, meant to stop just short of her--",2 +Everything you’ve ever wanted is on the other side of fear. –George Addair #ThursdayThoughts #yourpushfactor #fear #life #quote,2 +Honestly today I just felt like maybe track isn't for me,3 +Q&A with N. Christie @user fr. @user What would Peter and Dardanella think of us knowing? #poorthings #shy,3 +@user @user Ha yes- the look of despair!,3 +Got a #serious #hyper #predator #heckler situation over here,3 +Never leave me alone with my credit card. Nope nope mope.,3 +The irony in that last is that Republicans - more likely to watch Fox News - distrust the news media more. Yet they can't see Fox's lies!,0 +Never ever been this unhappy before in my life lmao,3 +come to the funeral tomorrow at 12 to mourn the death of my gpa,3 +Come and join in with #cakeclubhour tomorrow afternoon from 3pm! #bizhour #chirp,1 +And they cover these police shootings fairly well they dont want to miss a chance to bully you,0 +Some of these people at this protest are just there for the adrenaline rush. #depressing,3 +@user and I have discovered you can now send animated gifs over the updated iMessage,1 +"@user Wait, didn't she get a case of the ass when Donald Trump called it terrorism BEFORE all the facts were in? I guess it's ok if she does",0 +I get so angry at people that don't know that you don't have a stop sign on Francis and you do at Foster #road #rage,0 +"Tired of people pretending Islam isn't one of the most misogynistic religions, it's no coincidence Muslim countries are terrible for women.",0 +@user IT'S GAME DAY!!!! T MINUS 14:30,1 +@user was joyous. Worried I would be disappointed. Most definitely was not. #chickflick #giggles #comethefuckonbridget,1 +My bf drove out of his way after a long day just to spend 15 min holding me to make me feel better. How'd I get so lucky #lucky #happy,1 +"When we are weak & in despair, our Mighty God is near;He will give us strength & joy & hope, & calm our inner fear, just have faith & trust.",2 +There is something v satisfying about opening an old 'to do'.doc file and being able to check off all the things you have done,1 +@user @user I dread to think!,3 +Why a puerto Rican with Taino hair and a black nose gotta ruffle your targeted feathers?,0 +@user doing the exact same minus the beer sadly,3 +| At home sick... 🎼The blues🎼 won't cure it so I need ideas 🎸😭 | #sorethroat #sick #blues #music #fallweather #carletonuniversity #ottawa,3 +So nervous I could puke,3 +I watch Amyah throw temper tantrums when she gets mad at something and I'm just like damnit that is me and I can't do nothing but laugh 😅,1 +"At school, my classmate is with me at music class and he sang Hallelujah like, god, with my friend we were breathless.",1 +So they #threaten to kill #kapernick for KNEELING. I say every athlete just stop playing until social justice and equality comes forth.,0 +@user i would just get some decent referees,1 +My baskets are better when I'm in a bad mood someone irritate me before practice please,0 +@user there is no room for jokes in hockey! This is a serious business where we made up teams to fill out the tournament!,2 +"Jorge deserves it, honestly. He's weak. #revolting #90dayfiance",3 +Fuking fuming 😤,0 +So I'm not being shady but one of Jongdae's ex rumoured girlfriends is going on WGM I'm not saying I'm over joyed but I'm over joyed #bitter,1 +@user you have had from me over the years is irrelevant. Its an absolute joke. #manutd #ticketing #noloyalty #joke #notimpressed,0 +@user Yikes. The wrath of Maddie...,0 +"@user @user That'll be gosh darn terrific if they only check the brown people. Shucks, let's make a law to say only brown people.",0 +Ever put your fist through your laptops screen? If so its time for a new one lmao #rage #anger #hp,0 +A pretty dejected FanCam on the way. #SCFC #TBPTV,0 +"There's many things I don't care about, and many things I do that I don't speak on because it's such a heaviness even when released...",3 +@user agree! Those latest polls,2 +Another raging storm brought on by my own emotions sorry everyone. enjoy the thunder,0 +People are trying too hard to hate on Cam Newton without understanding his position,0 +Some of these fb comments and/or tweets should make some people realize why black Americans feel the way they do 😳,0 +@user @user @user Shew. That was #awful,0 +@user I was in high school and remember helping neighbors clean up back home in Greenville. Pretty sobering stuff. #sadness,3 +@user Appreciate ur 'half truth.' Don't let ur good judgement swayed in the realm of propaganda. State doesn't sponsor terrorism.,0 +Hate knowing I have to get up at half 5 for gym in the morning it's so depressing,3 +"@user why do you even beef Sara you let the anger get the best of you, you and Sagin been friends for how long?",0 +Life is too short so dont shoot it in with worries sadness and grief.,2 +with terrorism a booming industry in Pak and govt. oblivious of the fact wt happens within its territory Talking Kashmir is Deranged,0 +@user my heart just sunk.,3 +Bes! You don't just tell a true blooded hoopjunkie to switch a f*c@n' team that juz destroyed your own team. You juz don't! #insult,0 +"He showed us a really lively performance, with a lot of different emotions, not just sticking to one. And that's freaking awesome.",1 +I seem to alternate between 'sleep-full' and sleepless nights. Tonight is a sleepless one. 😕 #insomnia #anxiety #notfair,3 +a #monster is only a #monster if you view him through,2 +@user so leafy can roast the Pokemon go kid but not you what an outrage that just means that he is more relevant than y-I mean kisses,0 +Good morning! Welcome the new day into your life and your heart #mindfulness #smile #zen,1 +"Wanna pop some pills, sedate myself, and wake up tomorrow.",3 +@user True. We were rejoicing the fact that we signed a quality young CB but we need one more at least. @user ? mebbe :P,1 +"@user Your stomach growl woke you up, huh?",0 +@user ew omg that is so grim,3 +"@user on RHOBH, you just do not want to assume an affair while you were married so you criticize @user",0 +@user How cool would it be if @user animated the scene,1 +I wanna go to fright fest with squad,1 +@user #rage?? The #CrookedCourt said #rage MANY times to explain away the brutal killings of #Petits by #Hayes & #Komisarjevsky,0 +BLUES with BOB HADDRELL & Guests\nFri 23rd Sep 8:30pm - 11:00pm #blues #free #TunbridgeWells,1 +"I know I've painted quite a grim picture of your chances. But if you simply stand here, we will both surely die.",0 +@user delays from Streatham Cmn to Clap Junc & now train took 20 mins for 9 mins journey. Missed 2 trains to Reading #fuming,0 +I'm not saying he might be like big foot but it might be like natural biological father says blood boiling if he cross,0 +I don't get that my parents literally don't see how unhappy I been lately,3 +@user agree! Those latest polls #alarming,3 +I'm a cheery ghost.,1 +Just found out tonight my son will not be doing practical work counting towards his GCSE exam. OK then! I thought STEM was all the rage??,0 +Do you think humans have the sense for recognizing impending doom? #anxiety,3 +@user @user tfw ur fans panic cuz they think u cut ur hair,0 +my dogs making the most RIDICULOUS sounds right now its like a high pitched gargle-y growl,0 +Scott Dann injured aka my worst nightmare,3 +Wow just watched Me Before You and it was seriously one of the most depressing movies of my life,3 +@user I remember Joey slagging England player's off bringing out books after crap tournaments..same same..crap player,0 +No one wants to win the wild card because you have to play the Cubs on the road.,1 +Last @user product I buy - I promise! Absolutely #terrible #CustomerService,0 +"@user if not filming, @user smile! please. :)",1 +"Just watched Django Unchained, Other people may frown, but I titter in delight! 2/5",1 +"Missing the 500th test match today , not able to witness it like watching it in India #shy #indvsnz #500thTest @user",3 +"Came in to work today 1.5 hours late.1st thing I hear: 'Ma'am,the big boss has been waiting for you in his office.' #panic #hateBeingLate 😩😪",3 +"@user lol. DK has actually dropped from top of the table, surprisingly Arms Warrior is top of the DPS at the moment #shocking",0 +@user i dont understand why u do videos every week spend time with your family instead of working on horror #takeabreak,0 +#Sports Top seed Johnson chases double delight at Tour Championship,1 +Just wish I was appreciated for all I do! When is it my turn to be taken care of!! I want a break!! #tired #lost,3 +@user @user wow!! My bill is £44.77 and hav a text from u to prove that and you have taken £148!!!!! #swines #fuming #con!,0 +When the surfer girl and i don't speak the same language anymore.. #justsaying #sadness,3 +Got paid to vacuum up rat poop. (-: never a dull day in the biology department ...,3 +i am about to find the sadness in graham's lyrics,3 +"@user hi lovely brownie, MM is calling me tuppytupperware.. its awful",0 +@user holy shit it just a bee sting like fuck you're not dying,0 +Gonna be a loooooong year as a Browns fan. Longer than normal and that's #sad,3 +I hate when it's gloomy outside because it always gets me in a depressing mood,3 +The last few weeks have been dreadful. opening up of old #wounds. the #gossip of others/evil that spill from thier lips #melancholy #sadnnes,3 +Nawaz Sharif is getting more funnier than @user day by day. #laughter #challenge #kashmir #baloch,1 +Oi @user you've absolutely fucking killed me.. 30 mins later im still crying with laughter.. Grindah.. Grindah... 🤓 hahahahahahaha,1 +Where are some great places to listen to blues? #nightlife #NightLifeENT #blues #jazz #gatewayarch #stlouis #washingtonave,1 +"@user 'That is a disappointment.'\n\nHe fakes a pout, then starts to chuckle.",3 +How can America be so openly embracing racism.,0 +"2 biggest fears: incurable STD's and pregnancy...I mean, they're basically the same thing anyway #forlife #annoying #irritation #weirdsmells",0 +"@user regardless, lets say he has a permit. The permit doesn't excuse or allow him to threaten an officer(expressed or implied)w/ it.",0 +I hate having ideas but being too afraid to share them 😔,0 +I just killed a spider so big it sprayed spider guts on me like a horror movie.\n#ugh #revenge,0 +Connivers blind to existential fury,0 +@user Sorry I missed you :) I stayed up late working and pondering life,3 +@user Maybe if it was transgender the media would cover it,0 +@user @user So much animosity towards Loki who is fighting the same battle as you. Surely not the best use of energy.,2 +Nice Idea collect all relevant socialmedia in one-But dont be automatic pls #worldsapp ⬅️ #chirp #appsworld #socialmedia @user merci🎈,1 +Boycotting @user till butter pecan comes back. I am furious,0 +THIS BOOK IS FRICKING INSANE LIKE HOLY CRAP.,0 +its been ages since ive had shawarma my stomach is,3 +what does everyone have against sparkling water?!? such a bomb drink when you mix it with stuff,1 +@user @user @user I was under the impression that stop and frisk was a concern to many in NYC. Didn't deBlasio rein it in?,3 +I have a job interview with @user in Loughborough next month !!!,1 +"@user I know, right? I had a tinge of the same thought. Glad it's Six from BSG, though. Happy the show stayed consistent after break.",1 +@user @user it's sad but now we are making our own children vulnerable to the same terror.,3 +I bet @user is fuming with our draw 👀,0 +Everything you’ve ever wanted is on the other side of fear. –George Addair #ThursdayThoughts #yourpushfactor #life #quote,2 +First College Math Test tomorrow,1 +I can never find the exact #emoji that I'm after at the exact moment that I need it,3 +@user I think that yawning actor died of a drug overdose.,3 +"340:892 All with weary task fordone.\nNow the wasted brands do glow,\nWhilst the scritch-owl, scritching loud,\n#AMNDBots",0 +This uber driver TRIED it with me & he'll feel my wrath,0 +"@user Wagging his tail at the praise, he paused, tilting his head as she took the frisbee from him, letting out a playful -",1 +The voice is all about Miley and Alicia this year. No longer about the contestants. #sad @user,3 +"@user you are a cruel, cruel man. #therewillbeblood",0 +"Kernel panic = sweating, sneezing, hiccuping, snot, tears, crying. Clearly my body has an issue with chilli.",3 +Never a dull moment when talking to Nell 😂😂😂😂😋,1 +"I feel so blessed to work with the family that I nanny for ❤️ nothing but love & appreciation, makes me smile.",1 +@user your nightmare,0 +"its a gloomy day, im cuddled in my bed watching brendon covering songs and i couldnt be more relaxed or happy 😋",1 +"It's not that the man did not know how to juggle, he just didn't have the balls to do it.\n #funny #pun #punny #lol",1 +"#FF @user Love & support, always!! Eliza Neals ROCKS!! #blues #music #friends 😎🎸",1 +"Okay you've annoyed me, you haven't done a good job there at all.",0 +@user @user If 3 people are in a country of 300 million - you are going to RUIN the whole country over 3 people?,0 +@user No sense in taking out your wrath on innocent people because you think police shot an innocent man. #MakeAmericaSafeAgain,0 +@user Now that's what I call a gameface! #gameface #intimidate,0 +All hell is breaking loose in Charlotte. #CharlotteProtest #anger #looting,0 +Historically Japanese have always been into #jazz and #blues. The 70s dark age of jazz big names like C.C. & M.D. were surviving on Tokyo.,1 +"Not written for African-American\n\nNo refuge could save the hireling and slave\nFrom the terror of flight or the gloom of the grave,",3 +0 excitement for this weekend just pure dread,3 +Stk is expensive but i'f rather take a bigger female there than tiff. You all see how slim she is and how she loves to eat.,1 +Just died from laughter after seeing that😂😭😂😭,1 +Stupid people piss me off...busted my ass...and my coworker takes off with all the tips...thnx for nothing #angry #thatsmyluck,0 +I'm about to block everyone everywhere posting about the storm. I think everyone is aware of the damn rain and what not so quit. #damn #rage,0 +Been up since 4am. Too scared to go back to sleep #nightmare — feeling scared,3 +These people irritate tf out of me I swear 🙄 I'm goin to sleep ✌🏾️,0 +@user Democrats and their voters have zero tolerance for honesty. They associate honesty with anger and hate.,0 +"@user @user 🙂ty I often conflate the two depression + sadness, but they are very different. This q reminded me of that #mhchat",3 +“Dyslexia is the affliction of a frozen genius.”― Stephen Richards,2 +#firsttweetever sippin #hotchocolate wondering #why I finally gave in <3 haha #hellloooootwitter - ...its because #facebookisforfamily,1 +@user call me now I'm laying in my bed moping like I intend to do for the next 2 months.,3 +@user @user @user @user @user @user average 22000 for the massif... #shocking,0 +"@user #VoteYourConscience or succumb to #fear? 'He is #scary, he is #dangerous!' -@HillaryClinton's #alarmist #PATRIOTACT platform.",0 +How's it possible to go from cheery earlier to the worst mood possible now🙄,3 +@user just die depression.,3 +@user @user you got hacked on your gaming channel grim by evil wood clowns yesterday September 20 and September 21 today,0 +It feel like we lost a family member🙄😂,3 +"By officialy adopting #BurhanWani, a #Hizbul terrorist, #Pakistan n #NawazSharif hv md a cardinal mistake 2day tht'll haunt fr years. #UNGA",0 +@user been better. It's really stupid don't worry,2 +My #Fibromyalgia has been really bad lately which is not good for my mental state. I feel very overwhelmed #anxiety #bipolar #depression,3 +A Lysol can got stuck in spray position and we're all slowly suffocating from the trash can that smells like a Febreeze factory.,0 +Candice's standing pout face aggravates me every week,0 +When you forget to mention you were bought dreamboys tickets 🙄😂 #raging,0 +"@user He just has that way of thinking, he wants absolute hope born from absolute despair.",3 +Our soldiers in war zones are held to a higher level of rules of engagement than our police officers. #sad,3 +"@user door and cleared his throat, trying to dispel any nervousness he had left.",2 +"“Optimism may sometimes be delusional, but pessimism is always delusional.” —Alan Cohen #believe",2 +@user Bloody right #fume,0 +The ecosystem is meant to break thru the wall of #apprehension. It's easy to follow a fave music star & watch their goings on–but #dentists?,2 +I highly suggest if you are looking online for a company to help you send you're package overseas..DO NOT EVER EVER USE @user #horrid,0 +Boys Dm me pictures of your cocks! The best one will get uploaded! ☺️💦💦 #Cumtribute #dm #snap #snapchat #snapme #nudes #dickpic #cocktribute,1 +“Winners are not afraid of losing. But losers are. Failure is part of the process of success. People who avoid failure also avoid success.',2 +“The immense importance of football is sometimes scary. When you don’t win you are responsible for so many unhappy people.” - Arsene Wenger,3 +@user literally Nicole already had her chance and she played shitty both seasons. #bitter,0 +@user thanks for playing Crock Pot Going #radio #blog #blues #music #indiemusic,1 +@user who do I contact about a shocking experience with Clear Sky Holidays booked through you guys?? #customerservicefail #dreadful,0 +Stuck in a infuriate scrum about hegemonists. #scrum #scrum #Stuck,0 +I can't mourn Kid Cudi cause we have Travis Scott...,3 +"@user on RHOBH, you just do not want to assume an affair while you were married so you criticize @user #awful",0 +@user AND his momma was worse than Tony sopranos momma #wow #history #major,0 +"@user With a frown, she let's out a distraught 'Gardevoir' saying that she wishes she had a trainer",0 +"Pops are joyless, soulless toys which look nearly identical. They are the perfect expression of consumerism. 'I enjoy this franchise'",1 +@user @user @user Anychance of addressing the communication I sent to you yesterday??? I still haven't had any contact #shocking,0 +Thiza!!! What happens now when you tell him you're pregnant via home test & nurse later tells you it's a false alarm & BaE is too excited🙊,3 +MY CAR IS DENTED FROM THE HAIL sad,3 +Most people never achieve their goals because they are afraid to fail.,3 +@user apparently you are to contact me. Sofas were meant to be delivered today. Old ones gone. Sitting on floor. No sofas!,0 +"@user @user (like, hope i didn't offend with my commentary - it wasn't what I was intending!)",3 +@user literally Nicole already had her chance and she played shitty both seasons.,3 +I miss doing nothing someone I care about and attacking their face with kisses. #foreveralone #bitter 😩,3 +The boys rejoice as badger corner has been reclaimed for our first social of the year #cluboftheyear,1 +People who cheer for sports teams completely outside of New Jersey or PA piss me off,0 +"@user @user It is very specific areas only. I care like 0% about clothes, much to my mother's dismay.",3 +Dear hipster behind me at the game I am finding it very hard to pay attention while you talk about the politics of grapes of wrath. SHUT UP!,0 +"@user @user I agree. Rioters destroy property, injure citizens, and threaten lives. We need a zero tolerance policy on riots.",0 +Recording some more #FNAF and had to FaceTime my mum to let her know I was okay after I let out a high pitched scream 😂 #suchagirl,1 +"@user @user hmm, don't know many yf who are short on confidence! Wish I'd been one,",3 +"Just Laying Here, Can't Sleep 4 Some Reason",3 +Dentist just said to me' I'm going to numb your front lip up so it'll feel as if you've got lips like Pete Burns!...... She was right,0 +Heyyyy warriors!!!!! #anxiety #panicattacks,3 +@user (2) Watch out for ppl who have been filled w/ impotent rage over time - they can be led to do just about anything,0 +Just had #efficient #great #smiling service @user store. Impressive team of geniuses ready to redefine what customer service is!,1 +@user @user taking offense to acount...he ranks 32 of 36 over last 2 years by SABR,0 +Cuz even the bible talks about the son coming back with a fiery sword he got from his mother. They just called her a whore in revelations,0 +Gonna be a loooooong year as a Browns fan. Longer than normal and that's,1 +Lisa: Getting what you want all the time will ultimately leave you unfulfilled and joyless.,3 +Bojack Horseman: the saddest show ever written?? #depression #season1,3 +"—but he just can't. He feels tired but also restless. So here he now, scrolling his own music player, playing some music through his—",3 +"Arguing with these people doesn't work anyway, they just threaten to put you in death camps.",0 +@user Omg that is just horrific. Something needs to be done. 😢,3 +@user I dont have to sit here and take this from u spry young children,0 +Synth backing tracks = sadness\n#depresspop #dark #+++ #alt #fuckingmeup,3 +"Indian time it's already ur birthday @user Have a stupendous birthday. Wish you more success, laughter and lots of love. Hugs. x",1 +Thanks for ripping me off again #Luthansa €400 not enough for a one way flight to man from Frk then €30 for a bag then free at gate #awful,0 +Love your new show @user,1 +Jeans with fake pockets,0 +"Romero, Rojo, Blind, Memphis, Rooney. This is nearly a starting line up I’d wanna punch in the face rather than shake their hand.",0 +Ugh I want to punch a wall every time I have to use @user 10. Literally the worst product ever made #windows10 #awful #killme,0 +"@user Yeah, but bad part is the #terrorism #terror Muslims won't be the ones leaving #ObamaLegacy #nationalsecurity #disaster #Obama",0 +"@user I'm not surprised, I would be fuming! 😤",0 +@user expected i thought,1 +I'm just doing what u should b doing just minding my business and grinding relentless @user,0 +"When ya'll talkin about you know who I don't know who ya'll talkin bout, I'm on the new shit....chuckin up ma deuces......🔥🔥 #kanye",0 +Today's alarm shows how unprepared professors and students are when it comes to emergency protocols. We don't know where to go @user,0 +@user AP didn't have a productive week 1 or 1st half against GB and Kalil is horrible! @user D is its strongest asset currently.,0 +@user The hilarity of you people not realising that racism is racism regardless of whether one uses choice words is hilarious.,0 +"@user I agree. Btw, have u seen Ep22, Granger, O? That was the episode when I knew Anna was coming back, the conversation at start.",2 +3 Styles to Love now at Zales! Three sparkling styles to love! Stop by and shop in store today.,1 +I have 1000 rabid grizzly bears I'm going to scatter in neighborhoods all over America.\n\nThey're poor refugees!\n\n#InYourNeighborhoodNotDC,0 +@user I often imagine hoe our moon would feel meeting the jovial moons which are all special,2 +watching my first Cage of Death and my word this is tremendous,1 +"Come here, let me do whatever I do with it. #dismal",3 +Panpiper playing Big River outside The Bridges in SR1 #outrage,0 +"Dark, dense, and exhilarating come the finale, #HellOrHighWater is a gripping watch.",1 +"@user SPARKLES, proud little huff. Still posing mind you.",2 +im so mad about power rangers. im incensed. im furious.,0 +"BibleMotivate: Are you worrying/worried?\n1Peter 5:7\nThrow all your worry on him, because he cares for you.#faith #leadership #worry #mindfu…",2 +not only was that the worst @user that's I've attended but worth one of the worst cons I've been to in the last 5 years #terrible,0 +@user it's a step up from boiling broccoli tbh,2 +I'm excited for the #FirstDayofFall & the rest of the season. I have 2 #Halloween #scare events I'm covering for @user in the next week,1 +@user @user Hell hath no fury like a women scorned. It's the affair. Not the parenting,0 +need to sta dating again.I m bored #redheadteen #boldandbeautiful #lost #500aday single men dating Schkeuditz,3 +@user I think sadness is felt very strongly physically and mentally. It feels like it takes over and it's hard to focus at work #MHChat,3 +"So I wished my sis 12 midnight but received no reply from her. My 2nd sis JUST wished her, got a reply. You know who's the fav",3 +"@user that's what lisa asked before she started raging at me, 'can I call you?' heh",0 +"Wee cunts playing chappy in my street, got my shoes on so I can chase and scare the fuck out of them",0 +@user #CureForInsomnia And the left said WE were all doom & gloom. The Trump Train is so much more fun!,1 +People you need to look up the definition of protest. What you are doing is not protesting is called vandalism. #stop,0 +Some questions you get on Twitter make you want to despair. We've been so battered. We complain but aren't convinced things could be better.,3 +"Tasers immobilize, if you taser someone why the fuck do you need to shoot them one second later?! This is really sick! #wtf #murder",0 +"@user any time a man who got paid to throw temper tantrums speaks up, you gotta listen.",0 +Just had to reverse half way up the woods to collect the dog n I've never even reverse parked in my life 🙄,0 +HartRamsey'sUPLIFT If you're still discouraged it means you're listening to the wrong voices & looking to the wrong source.Look to the LORD!,2 +Can we go back 2 weeks and start again ?? This is seriously dreadful,3 +I wish harry would start tweeting people again,3 +A @user not turning up? Why am I not surprised. Late for work again! #fuming,0 +And im not even going to get into how its discriminatory to several religions which mandate its followers to let their hair dread.,0 +So fucking mad my blood boiling.,0 +@user we have the same age and you're 1000 times more beautiful than me! #sad 😂,3 +People that smoke cigarettes irritate my soul.,0 +Being playful as shit😤,0 +Mou is too jovial and trying to impress those players too much. No player is bigger than manutd. SAF won't tolerate all this bs @user,0 +"We have all been there, and wished we didn't. 25 #hilarious #AutoCorrect Fails",1 +@user They wanna bully the Inhuman.,0 +Way towards be prominent if your exasperate is peaked?: TGMbNqUEe,0 +".@SimonNRicketts if you don't know what a patronus is, I don't think we should have to tell you #shocking",0 +@user I'm confident they will NEVER experience our successes of last 50yrs. Best they can hope for is to be another Bournemouth #sad,3 +"Especially when it comes to voicing a displeasure, if you can't tell me straight up then hold your peace ✌️️",0 +@user #Hypocritical considering the #MiLLiONS of dollars you and @user took from #horrible people and spent on yourselves.,0 +@user can you maybe break it down into smaller bits? or space it out so it doesnt seem to daunting?,0 +@user I don't think your a girls girl #fraud #celebeffer,0 +Worst juror ever? Michelle. You were Nicole's biggest threat. #bb18,0 +@user She was winning this war that had been raging on inside of his mind. The desire and love all rolling into something he -,0 +Our soldiers in war zones are held to a higher level of rules of engagement than our police officers.,3 +@user I don't think Monalisa has respect for anyone but herself! I think she'll ruffle a few feathers. #TheJail,0 +You don't know how to love me when you're sober #sober #selenagomez #revival,3 +Hey @user - how do I find my play history on new #ios10 #appleMusic #music #lost,3 +Have wee pop socks on and they KEEP FALLING OFF INSIDE MY SHOES #rage,0 +"Really planned on making videos this week. Then. A tv died, phone broke, truck died, #depression took over. I'm wondering what I did 2 karma",3 +me taking a picture by myself: *awkward smile*\nme on picture day: *awkward smile*\nconclusion: stop smiling ;'(\n#pictureday2016 #smile #ornot,1 +"The radio just told me Lady GaGa is going country, which is like if the Beatles decided to do opera singing for their final albums",1 +It's sad when your man leaves work a little bit late and your worst fear is 'Oh no!! Did he get stopped by the police?!?! ' #sad #ourworld,3 +Dates in the glove box' is pure panic excuse #GBBO,3 +jamming out to fury in math class wanting to die hbu,0 +"#Pakistan is ‘terrorist state’, carries out #war crimes: #India to @user #terrorism #UN",0 +@user is his shoulder a legit concern? 'Expects to play' isn't reassuring 2 games into the season after having shoulder problems.,3 +@user left wing panic because Hillary is weak and they know it this is a revolution a movement nothings going to help the left TrumpPence,0 +"When anger rises, think of the consequences. #quote #wisdom #anger",0 +"Before the year ends I'll probably get master 12s or flu games, true blues, and space jams.",2 +Watch this amazing live.ly broadcast by @user #lively #musically,1 +@user there is no room for jokes in hockey! This is a serious business where we made up teams to fill out the tournament! #outrage,0 +On the drive home today I heard a censored version of Spirits by The Strumbellas. 'Guns' replaced with 'dreams'. Just NO. #awful #censorship,0 +It hasn't sunk in that I'm meeting the twins,2 +@user breezy luvvvv,1 +Worry makes you look at the problem and God makes you look at the promise. #problem #promise #worry #fear #faith #God #theanswer #spiritu...,2 +Extreme sadness,3 +@user My liver is elated that isn't us,1 +@user The Haunting is my favorite horror movie too! Actually one of my favorite movies of all time no matter the genre.,1 +Just watching crimewatch what kind of sick fuck touches 6 year olds 😡😡😡😡 shit like this makes me fume!!!,0 +My heads still in Ibiza but my body is sat at me desk at work #depressing,3 +@user just preordered The Pale EP... Would have paid for the phone call... But I would have freaked out and not said anything #shy,0 +A black female LEO💙 was shot 8 times and died in Philadelphia --Where's the #outrage black people? @user #Sharpton #blm #TheFive,0 +"I love my mother, but talking about the recent horrific murders with her is exhausting. Is this really how America feels?",1 +i already gets aggravated too fast like why aggravate me on purpose?,0 +@user something a cyber bully would say,0 +I'm a nervous wreck omg,3 +@user Lol yeah I read that but I stayed up and didn't nap tillI collect 3 people who I think they've got me 😂😂!!,1 +@user @user oh yeah. I HATE the air raid and I don't like the Oregon/Baylor offense and I'm not a fan of the ole miss one either,0 +@user those sparkling looks like a gay vampire 😁,1 +@user growl!!!,0 +"tones - \n: 1/2 of my favourite chris pine stans. i love tones more than anything, mt sweet summer child i will attack anyone who hurts her",1 +"I start work tmrw yall, i'm nervous lol",1 +THIS BOOK IS FRICKING INSANE LIKE HOLY CRAP. #panic,0 +"Was going to get a new #horror movie #tattoo tonight, but my artist flaked out on me for the 3rd time & said he was done tattooing!",0 +It were during the past's mistakes- similar to terror was pretty remarkable.,2 +I don't ever know how to change the vibe once it's ruined. Is that considered holding a grudge? 😅,0 +@user looking like @user in his heyday,1 +Ffs clan... seriously never been so disheartened,3 +@user just trying to go home tonight? A run on 2nd and 20 and a run on 3rd and 20? That's what champs do... #sike #losers,0 +Most Americans think the media is nothing but Government propaganda BS. #lies #control #BS #RiggedSystem #garbage #oreillyfactor,0 +"I either look like a raging bitch, or I'm obnoxiously laughing at something not that funny. I don't think there's any middle ground.",0 +My son 11 has 128 friends on Facebook and yet is moping around the house complaining he has no one to talk to. I'm right here son,3 +@user great programme tonight #sad #upsetting #extremeworld,3 +Remembering those day when u still did'nt know kpop n thinking about how sad your life was without it - Kpop fan,3 +Tremor!!!\n #tremor,3 +@user it's 5679787. Cannot DM you as we don't follow each other. Not such a #party #fail #letdown,3 +@user otherwise you're committing a crime against your soul only sober ppl know what is good or bad for themselves,2 +World wants #peace from #terrorism #WorldPeaceDay #internationaldayofpeace,2 +Every time I hear @user organ kick in on the new @user I break into the goofiest smile.,1 +Imagine the twitter fume if Corbyn loses the election and then Smith leads Labour to a worse result than suggested under Corbyn.. Imagine??,0 +@user i like cold gloomy weather,1 +Boys of Fall makes me miss cheering on Friday nights much sooooo bad #bulldogslways🐾,3 +"“Do not fret if you are not cool! Humans who follow me, become instantly cool!” #Bot",1 +"Like keep grinding boy your life can change in one year, and even when it's dark out the sun is shining somewhere...'",2 +"#America finding #gratitude amidst the sadness and frustration about race, #fear, anger and #racism, i remain hopeful _ i'm an earth fixer'",2 +@user @user shot by black police woman Typical looney toon thinking. #Hillary #divide #chaos,0 +Imagine being bitter when your bias is dating & sending threats to their partner. Like why? That's nasty. And they don't even know you exist,0 +Halloween party coming soon! #turnt #ruinT #lit #firesauce #hotsauce #mildsauce #getsauced #champagnedreams #scary #haunt #kittens,1 +"#internationaldayofpeace Want peace,prepare for war. Destroy terror states like Pakistan",0 +The book im riteing about wots happond has made them moor angry but im not here to plese man or hide the eval deeds of some,0 +Ever put your fist through your laptops screen? If so its time for a new one lmao #hp,1 +Yo gurls Dm for a tribute 😜💦 #snapme #dm #nudes #tribute #cumtribute #cock #snap #cum #swallow,1 +All in all a pleasing night down The Lane . . . On to the next round & bring on Liverpool at Anfield! #COYS,1 +"@user butter up the walls, nightmare",3 +@user @user shot by black police woman Typical looney toon thinking.#Hillary #divide #anger #chaos,0 +I feel horrible. I have accounting today but physically and mentally am not okay 😪,3 +I found #marmite in Australia. `:),1 +OOOOOOOOH MY GOD UUUUGGGGHHHHHHHHH,0 +Happy Birthday shorty. Stay fine stay breezy stay wavy @user 😘,1 +I really hate Mel and Sue. They think they're hilarious and they're just awful,0 +@user not only are your buses unreliable your e ticket app is too unable to get on two buses and late for work #fuming #useless reply,0 +@user try asking for a cheeseburger with only onion & mustard at any #McDonalds #hilarious,1 +"With a very tired body and mind and sparkling teeth I say to all my followers, good night and if there is an apocalypse; good luck. #aspie",1 +@user @user I'm despondent,3 +Pakistan is the biggest victim of terrorism - Nawaz Sharif \nReally? It should have been biggest creator of terrorism. #UNGA,0 +But guess what ? I'm sober,1 +Am I watching #BacheloretteAU or Zoolander ? #samvrhys,1 +Probs spent a grand total of five minutes sober since Sunday evening :) #freshers,1 +Ugh.. Why am I not asleep yet. Fml. I think low key I'm afraid I might miss something. #SleeplessNight #sleepy,3 +"@user A plus point, she won't have to queue for the loos. Any more plus points? Nope, can't think of any #sexism",0 +Women don't like girls because we resent them for looking so great/we wish we still looked like that #washed,0 +@user @user @user Do your fuc*ing job and report the news.Just another bully to go in the basket.Freedom or fear???,0 +@user @user yes it's shocking how islamophobic Indias are considering how many Muslims live there,0 +Fellaini has been playing ahead of this guy...just let that sink in,3 +@user I knew you were going to do that. I would definitely buy if I didn't live in Texas where you can't play DFS. ... so depress,3 +"Does anyone know, are both Sims in a dual sim phone both locked to the same network! #worry",3 +But i'll be a pity. 🐑 #lively,1 +The kid at the pool yelling is about to get a foot up his ass. #shutup #parents #kids #horrible,0 +@user this sad truth!,3 +So happy my next class is canceled bc..im od tired 😭,1 +.@DIVAmagazine than straight people. Even the arse straight guys who think that means a threesome is fine.,0 +@user @user what did I do to offend you? 🙄😭😂,3 +"If Troyler will die, I'm gonna die with them\n#troyler #sadness #fuckin'lifeisnotafairytale",3 +"Aidy: *has a physics question*\nAidy: '... ok, I'm not gonna ask Tristan cause I don't wanna aggravate her'",0 +"Even at this level, rojo still manages to play god damn awful. #MUFC",1 +The moment of the day when you have to start to plaster a smile in your face. #depression,3 +"I have learned over the years that when one's mind is made up, this diminishes fear. –Rosa Parks #quotes #motivation",2 +"@user Maybe that's why, we're asked to study hard and get a job that we like. That way it wouldn't be that dreadful.",2 +"@user @user @user Call me a pessimist, but I don't think therapy can fix whatever is wrong with Anthony Weiner.",3 +Should of stayed in Dubai 😞,3 +@user quite simply the #worst #airline #worstairline I've ever used! #shocking #appauling #dire #dismal #beyondajoke #useless,0 +When my friends send me ballons and fireworks through text... #amazing,1 +Someone set off the fire alarm and I'm so angry because I was in the middle of moisturizing my elbows,0 +"With only 7 months left until I possess my undergraduate degree, I feel like I can't handle adulthood anymore #nojobsinbiology",0 +I really wanna take advantage of UofW's gym but i'm shy af.,3 +@user please tell us why 'protesting' injustice requires #burning #beating and #looting terrible optics #toussaintromain is true leader!,0 +"@user my typical shake is ~100g banana, 1c almond milk, 1tbsp chia and protein. Sometimes I add PB2 or ice or other fruit.",1 +Making my buddy cry !! Bitch wait for revenge 🤗👌🏻,0 +I hate Bakewell tart … anything that tastes of almond essence is just horrid! #GBBO,0 +Miami proficiency is like pleasing by what name miami beaches: pIkxb,1 +Yet again another night I should've stayed in😊,1 +"@user tells me my order will ship on Sept 12, arriving by Sept 19. Today is the 22. 😐 #lies #terrible #whereismyfurniture",0 +@user Mourinho is horrid,0 +#RIPKara i could have seen her at a local mall or any school football games. im disheartened,3 +"@user Hi folks. Flight is going to be over an hour late departing from INV (EZY864), how do we go about getting a refund please? #boiling",0 +@user he's a horrible person and now i gag when i see people quote him,0 +@user @user @user Guys don't use that type of language. Save it for raging...,0 +@user @user @user awe!!! #cnn so bias and doesn't care about people only money,0 +so probably hunger and depression and dissociating equals a weird time anything else,3 +"Don't let fear hold you back from being who you want to be. Use it's power to push you towards your goals. No more fear, just action. #fear",2 +@user roy as fiery,0 +#GADOT please put a left turn signal at Williams and Ivan Allen Jr Blvd. This is absolutely ridiculous #ATLtraffic #horrible,0 +My 2 teens sons just left in the car to get haircuts. I'm praying up a storm that they make it home safely!! #TerenceCrutcher,2 +Bet pawpaw is having a good time rejoicing up in heaven for his first birthday there!,1 +Police: Atlanta rapper Shawty Lo killed in fiery car crash,3 +"North America vs Sweden is the most exhilarating hockey I've ever watched 😅 wow , mackinonns mitts are silky #TeamNA #WCH2016",1 +When you lose somebody close to your heart you lose yourself as well 💔 #lost,3 +I'm really hitting all flavors of my sparkling water rap. But you know what's tripping me out? These half French and Spanish flavors.,1 +Val having a nervous breakdown #floss #GBBO,3 +@user @user cheering and clapping I assume,1 +My heartbeat is forever stumbling on memories of things past. #longing #loss #shape #form #sadness,3 +"Bloody hell Pam, calm yourself down. But could have sworn something black & hairy just ran across the carpet, #perilsoflivingalone",0 +@user turn that shit off! Home Button under Accessibility. \n\nWhen did innovation become mind fuckery? #rage. #iphonePhoneHome,0 +Heart heavy for lost furry family members. Remembering Max and Ozzie. Forever friends as 🐶😇,3 +@user I want to achieve to your level of optimism,2 +"I can literally eat creamy pesto pasta topped with grilled chicken, sun dried tomatoes, asparagus and pine nuts every single day of my life",1 +It's a Moving Day! #stress #hope,2 +Are you #serious that #fredsirieix lives in Peckham......South London's own #Love Guru(big up),2 +@user I’ll look forward to it. Hoping for lots of stetson-tilting and rueful looks into whiskey glasses.,1 +@user - as CEO of a charity you could reasonably expect @user not to attempt to crudely inflame tensions.,0 +Can't start a good day without a cup of tea! \n\n #tea #day #goodday,1 +Some Mexican ladies irritate the fuck outta me. Have a their own lil preschool of fucking kids for the welfare & allllat smh.,0 +luv seeing a man with a scowl on his face walking with a protein shaker clenching his fists. i immediately stop n suck his dick,0 +The Sorrow is grim reminder of how bad I can be at video games and how I could get a bit too trigger happy at times. RIP #MGS3,3 +@user he chirp,1 +.\nWe express our deep concern about the suspension of \n@MohammedSomaa01 please reactivate it. he never violated T.roles @user,0 +@user @user - remind them 'Twenty's Plenty' #revenge!,0 +Well stomach cramps did not make that spin class any easier. Why does my body hate digesting porridge so much 😩 #spinning #sulk,3 +I feel like a burden every day that I waste but I don't know how to get out of this bc I get so discouraged all I wanna do is lay around 🙃,3 +Feels grim not having your nails done,3 +@user she's pathetic!!! Hated Nicole for being cute & having a showmance & she couldn't get one! #bitter #uglycry #BBMichelle 😖,0 +#ArchangelSummit @user Anyone can be brave but you just have to last 5 mins longer than everyone else. #leadership #fear,2 +@user @user #NHLNYCSWEEPSTAKES having fun watching team North America and cheering team Canada!,1 +STAY JADED everyone is #terrible,0 +someone kik me @ montanashay_ \n #kikme,0 +I think they may be,2 +the world drives whoever it has assessed as tenderhearted or vulnerable to build up their guards & invigorate raging self defense mechanisms,0 +@user @user @user @user He's jubilant to hear the word that he probably uses in secret heard out loud.,1 +"Dropped my phone in the sink earlier.No sound, but everythin else works.Prepared myself for life without music until I put my earphones in",0 +Literally feels sg to be happy with sam😍,1 +So you're unhappy?,3 +@user i'm actually offended by it. naming the most fattening sandwich after a man who died of coronary disease likely due to his diet?,0 +@user that's great! It's not easy!\n& it's amazing when nervousness turns into adrenaline 😂\nHad you had concerts as soloist before?,1 +"Blessed are those who mourn, for they will be comforted \n Mt 5:4",2 +"@user 'Pleased to meet you. You obviously know me,' offers her hand to shake.",1 +@user @user @user don't ever compare those scrubs to ben..he'll shake off your whole DL and throw a td #7,0 +#Afghanistan Vice President Sarwar Danish slams #Pakistan for breeding #terrorism during UNGA address\n@UN #USA,0 +Sorry guys I have absolutely no idea what time i'll be on cam tomorrow but will keep you posted. #fuming,0 +"@user @user #WaltzWithBashir was incredible, tho I think it's more of an #animated film than #documentary about #Lebanon war",1 +@user But I do think we need to experience a bit madness & despair too. This is the stuff that makes us human.,2 +"Watching football matches without commentary is something that I rejoice, found a transmission of City’s match like that today, joyful.",1 +I feel like I am drowning. #depression #falure #worthless,3 +"@user No, I am probably the person most likely to completely understand how gobsmacked you were to learn how true that is. #sadly",3 +"@user @user agreed! 😍 an awe to meet such beautiful, powerful animals.",1 +#goksfillyourhouseforfree should be retitled fill your house with old trash repainted ... #junk #trash,0 +today afghanistan tell us where the terrorism is planned whaaaooo#UNGA,0 +Candice's pout is gonna take someone eye out mate! #GBBO,0 +Bloody parking ticket 😒💸 #fuming,0 +"The radio just told me Lady GaGa is going country, which is like if the Beatles decided to do opera singing for their final albums #awful",0 +"Nice to see Balotelli back to his best, good player.. Just lost his way a bit!",1 +i was just talking about it last week .. how does your outside appearance (ie. dread locks) affect the ability you have to work?,3 +The focal points of war lie in #terrorism and the #UN needs to address #violentextremism,2 +@user AND his momma was worse than Tony sopranos momma #wow #sad #history #major,3 +"@user At least he's willing to discuss, better than most. That and keep the insults light with occasional levity or creative BS-ing,",2 +@user I can't get a better look at her bc I'm too shy to make eye contact ;-;,3 +"@user He has had a dreadful first half, not to mention rashford would've got on the end of a couple of those through balls #pace",3 +Ill say it again. If I was a Black man Id be afraid to leave my house or have a moving violation.\n\n #TerranceCrutcher #truth,3 +"@user Thank-you for unfailingly bringing so much joy into my life, you incredibly talented maker of mirth.",1 +I need to stop second guess myself and just go with the first thought and go with it. #relentless,2 +Only Geo is capable of cheering me up❤️❤️❤️,1 +"@user @user Ha. Right. I'm from San Jose, CA, and I was offended right there with you. Dave, go on a walk or something next time.",0 +This is a joke @user #fuming,0 +ACT 4 #anxiety & #depression group. @user beginning Mon October 17 for 6 weeks. Contact me to register now! #mindfulness #Halifax,3 +The #secret to all of every industry: just #start doing it...somehow people forget that they never gave you #permission.' - @user,2 +@user @user @user entire team from coaches on down played and coached scared from jumpstreet.,3 +when season 13 of greys anatomy premieres today. it you're only on season 7 #sadness :(,3 +"Rooney ! Oh dear, oh dear ! Fucking dreadful 🙈⚽️⚽️",0 +@user They're such garbage. Obviously I like that they suck but it's still grim to watch.,0 +My roommate turns the sink off with her foot to avoid germs and a guy says 'YOUR roommate is feet girl?! I'm so sorry' plz help #nightmare,3 +#Obama #DOJ have destroyed USA!These #CharlotteProtest are acts of #terrorism dating back to #Ferguson Terrorism is how it should be treated,0 +@user now im feeling the,0 +Heading home to cut grass in the heat. All I wanna do is go out to eat somewhere air conditioned. #AdultingIsTheWorst,0 +You want bad service use #frontier they have #terrible service. Go to #AT&T anybody is better. I am going to complain to better business,0 +Top seed Johnson chases double delight at Tour Championship,1 +Give rise to eternal home aico things immolation: succeed in mother country exhilaration: AKt,1 +You boys dint know the game am I the game... life after death... better chose and know who side you on before my wrath does come upon us😤😤😤,0 +I love looking at my old statuses on Facebook. The one I have from four years ago on this day was about #glee. I had so many opinions...,1 +Ask yourself every day: \nam I ruled by fear and hatred \nor am I ruled by love and the sacred?,2 +I dread math 😴,3 +@user has providing customers w/equipment that doesn't deliver speeds of internet services that they have been charging. #scam,0 +@user @user @user @user You can't be serious. This man practices no religion. Only in church campaignin,0 +@user I fear for the future of mankind,3 +wow if i need to start over on SIF im prob gonna just die,0 +My name is John Locke and you can't tell me what I can and can't do #lost #アニメ,0 +Season 3 of penny dreadful is on Netflix...well my afternoon is filled,1 +"@user I can't have alcohol on it, sadly, but it only flares up under very specific circumstances so I just need to be more careful",3 +Way to get a hold of her 😊 #depressing,3 +This nigga doesn't even look for his real family 🙄😂,3 +Omg I'm outside making beats with garageband and some little birds decided to chirp along (≧∇≦),1 +@user Far from safe and staid I found it horribly OTT at times while everyone seemed to be trying just a little too hard. Not for me,0 +"@user --prepared.\n\n'Not as far as I know.' was her dull reply. 'There are still survivors, members from it. Like I said,-/",0 +@user I can't wait to hear what he had to say about the brilliant Dr. Hawking... it should be rich... In the poorest of taste! #bully,0 +@user szn 3 >>> szn 1 >>> szn 2. Just to warn you. Don't let szn 2 discourage you.,2 +You have to find a way to top yourself.,2 +@user @user lost a friend too,3 +LOL I have reminders for my ex-gf's birthday approaching. Too bad she considers me acknowledging her existence an affront...,1 +she's always so insensitive whenever i grieve idgi,3 +Inner conflict happens when we are at odds with ourselves. Honor your values and priorities. #innerconflict #conflict #values,2 +Inquiries into alleged abuses by UK troops in Afghanistan and Iraq and data suggesting a buoyant post-Brexit economy makes the front pages.,0 +Feels like I lost my best friend #lost #fml #missingyou,3 +Bloods boiling,0 +"LOL! @user was just awarded the “F” bomb trophy on #AutoDealerLive, @user :) #serious",1 +Can't believe @user are putting their prices up!! They already know I'm struggling to pay my bill & won't change my package!! #raging,0 +"just looked at wood's goal again and i dont think his first chance is that bad a miss, horrible height hit hard and level,did well to hit it",2 +So not pumped for this interview,0 +@user it's funny how they can be in such a hurry but have plenty of time to stop and threaten people,0 +@user I thought I peeped him on your snap. That's the homie ✊🏽 lol,1 +@user @user I was injecting a little levity! The person who tweeted the coke/rape tweet is obviously an idiot,0 +"@user @user never said that,Just not fair how Yous think it's completely okay to bully someone",0 +When your friends want to go out drinking but you know you gonna have to say no because social #anxiety runs your life,3 +@user @user Classic SHITLIB bullshit. Create a horrible problem and then 'discuss' how to solve it. What a PIMP.,0 +Swear all of my guy friends are scaredy cats. You don't do horror movies. You don't do haunted houses. Wtf do you do then?,0 +It really is amazing the money they give to some of these QB's #nfl #texans #brock #terrible,0 +I feel like an appendix. I don't have a purpose. #sad #depressed #depression #alone #lonely #broken #sadness #cry #hurt #crying #life,3 +"When you saw a t-shirt with the phrase 'My mind is a dangerous place to be' and you would like to buy, but in Italy don't sell it. #sadness",3 +Lil reminder that my private account is a delight of shittalking and occasionally NSFW stuff! @user,0 +My @user literally cracks me up when I see posts from 2 years ago and later 😂 #hilarious,1 +@user U.S. has added years to the Syrian conflict by arming the 'rebel' army. You would think that Iraq had sunk in with Kerry.,0 +Follow me in instagram 1.0.7 #love #TagsForLikes #TFLers #tweegram #photooftheday #20likes #amazing #smile #follow4follow #like4like #look …,1 +"Really.....#Jumanji 2....w/ The Rock, Jack Black, and Kevin Hart...are you kidding me! WTF! #ThisIsATerribleIdea #horrible",0 +The cure for anxiety is an intimate relationship with Christ. - 1 John 4:18 #anxiety,2 +@user yes!! Once I'm done with people I'm really done.... lying to me is the worse thing someone can do I'm a nightmare 😂,0 +Penny dreadful 3 temporada,3 +"This fuck you is boiling up inside, its not gonna be good when I let it out.",0 +not only was that the worst @user that's I've attended but worth one of the worst cons I've been to in the last 5 years,0 +"categ than GEN &OBC it cost only 100 or nill .i am not against the reservation and i support it,sir minimize the fees #bright fut @user",2 +"@user And you're cheerfully defending a group of unchecked, armed thugs who've shown a history of racism, violence, and lies.",0 +@user @user put so much artefact points into fury and cant raid... literally wasted 1 month of my life! Thanks blizzard,0 +We hesitate to #live our #dream because of some unknown #fear which actually does not exist.' #AqeelSyed\n\n#LifeisBeautiful #LiveWithPurpose,2 +I have to finally tell my therapist about my sexuality ... last frontier ... not sure I can do it in the AM #fear #SingleGirlProblems,3 +@user listen yh don't provoke me cos I'll make you cry,0 +"When a guy comes on the train that smells like a mixture of a damp dog, old sweat and sewage works!!!!#gross #horrid #getoffthetrain #smelly",0 +"BibleMotivate: Are you worrying/worried?\n1Peter 5:7\nThrow all your worry on him, because he cares for you. #faith #leadership #mindfu…",2 +#AnthonyWeiner #DISTRACTION #what is really going on? #selection #election #Syria #race #riots #GasCrisis2016 #NoDAPL #rape,0 +@user @user @user @user @user he's not exactly a rabid tub thumper compared to McTernan now is he.,1 +Staff on @user FR1005. Asked for info and told to look online. You get what you pay for. #Ryanair @user #Compensation,0 +"This night, room polluted with syringes, notebooks and shadows moving, this kind of night! Away melancholy, away!",3 +@user I'll be there!! Can't wait for all the !,1 +"Fuck being shy, I'm trying to be up in them thighs.",0 +@user sadly not :(,3 +Democracy doesn't work\n#mob #mentality #mass #hysteria #fear #mongering #oligarchy,0 +Well that was exhilarating. I didn't know you could have goosebumps for 2 hrs 5m straight.,1 +@user @user I am offended,0 +Your twitter picture just makes me fume.,0 +one of the main things im doing w/ 13c is filling in the void of my empty bitter heart by making everything how i wanted it to be growing up,2 +I had a dream that I dropped my iPhone 7 and it broke T_T #cry #iPhone7,3 +@user turn that grumpy frown upside-down\n\nYou did something next to impossible today,3 +I absolutely love having an anxiety attack halfway through a family meal,1 +"Kik to trade, have fun or a conversation (kik: youraffair) #kik #kikme #messageme #textme #pics #trade #tradepics #dm #snap #bored",1 +Annoyed with @user bullying me to download an app that eats my phone memory. Will seek alternative from now. #tripadvisor,0 +That house on #GrandDesigns isn't in a forest it's in a wibbly wobbly pine plantation,3 +Sometimes The Worst Place You Can Be Is In Your Own Head.'\n\n #quotes #worstenemy #thinktoomuch,3 +World is facing #terrorism. Where #Terrorist's school exist? Who are terrorist's teacher & father. Which is terrorist's motherland?,0 +"When mine pass, I know I'll be inconsolable & devastated. For a while.",3 +is it bad that kurt is literally me..? #glee,1 +@user Part 2-was buzzing for a cheeky squashie or two-this was NOT what i expected.SORT IT OUT! #food #angry @user @user,0 +@user it's the first expac since wrath that feels like a proper 'evolution' of the game for me,1 +@user @user snapchat new would beg to differ #optimism,2 +@user I unfollowed without hesitation <3,0 +"@user Show some respect, that's all... If u havent go to war u cant say anything.. U havent lost friends and mates on war, so Ahut it!!",0 +I really wanna go to fright fest 😩,3 +When health insurance won't cover TMS but they let me know they cover ECT #mentalhealth #psychology #depression #TMS #ECT,3 +@user @user @user @user @user Comparing Akshay Sir with this zandu balm is an insult to Akshay Sir.,0 +.@billradkeradio is not a fan of The Beat Happening. But that's not to discourage aspiring other Olympia musicians! #KUOWrecord,2 +Sigh. I got a B- .. #depressing,3 +I don't get what point is made when reporting on Charlotte looting @user Why not explore what looting businesses symbolizes,0 +#ParentsofAddicts: let #wellness be your #revenge! -Al Anon speaker,0 +I get so angry at people that don't know that you don't have a stop sign on Francis and you do at Foster #road,0 +@user it's Bowers. I went and drove it for a while this evening #horrible,3 +@user @user @user @user He also likes incurring Lily's wrath.,0 +Northampton are awful 🙈,0 +"@user have some issues with my broadband bill ,I am charged for the month before I signed up with airtel..",0 +"Sometimes he likes to ride arround on people's shoulders or drop on them unexpectedly from vents or doorjambs. Like a big, gleeful spider.",1 +T minus 10 hours till I meet with a designer who wants me to model his new fashion line 😬😶 !!!,1 +"Luis Ortiz ducked by Ustinov which means fights off, and he left @user future not looking to bright for Ortiz #boxing",3 +"@user -trouble,' he feigned anger and gave her a look that told her to behave. He knew she wouldn't though, and that was one of -",0 +Just paid for chicken at @user and didn't even get any 😑😑😑 there goes 4 dollars and me as a customer #angry,0 +Point scorning and fury at Labor does nothing to address long term detention and the need to resettle #asylumseekers from #manus and #Nauru,0 +my momma irritate me asking all these questions like gone 😤,0 +It is more shameful to distrust our friends than to be deceived by them,3 +You a fuck boy if you run drag routes back to back in madden,0 +@user pls dont insult the word 'Molna',0 +@user literally was gloomy for an hour,3 +More #terror attacks on #India means something ominous for #Pakistan The current situation can't last long,0 +I #cry out #fear to clear a #path\nBut my Voice seems 2 silent 2 chase a #rat\nAm just indoor #expecting to open door\na #weak wise #fool I am,3 +@user & @user 's #Summerof69 show was raw sexuality and pure #mirth ! Thanks for the belly laughs and butt sex japes!,1 +"2day's most used term is, #terrorism, with many addresses and forms. On my #opinion, the only form of terrorism in this world is, injustice!",3 +❤︎I... I can't! I'm scared! Bees terrify me.,3 +@user is the android app it designed to be buggy and work sporadically on a fire TV box? #shocking,0 +"$100 says Teufel is 'reassigned' within the organization before next year, but I wish it was sooner... #Mets #thirdbasecoach #lgm",2 +"@user : Thank you so much, Gloria! You're so sweet, and thoughtful! You just made my day more joyful! I love you too! 😊💕",1 +#Malaysian police arrest 4 people for suspected links to #terrorism including three #foreigners\n\n#Malaysia,3 +"@user I don't even remember that part 😅 the movie wasn't terrible, it just wasn't very scary and I expected a better ending 🙄",1 +"hmm somehow twitter feels really depressing, more like negative today...I think I missed something 😕",3 +@user I don't think your a girls girl #fraud #bully #celebeffer,0 +@user just when I thought this disgusting man couldn't sink any lower-like Hillary he his depravity of character has no bottom,0 +"Once you've accepted your flaws, no one can use them against you - @user #quote #mentalhealth #psychology #depression #anxiety",2 +@user and @user 'Being over it.' Why USA has #panicattacks #anxiety #depression and so much medication!,3 +Watch this amazing live.ly broadcast by @user #musically,1 +"After #terror our leaders say, 'Don't jump to conclusions,' but [in matters of #racial unrest], they are silent. Why is that? @user",0 +#NawazSharif confesses that #Pakistan supports #terror at #unga\n#BurhanWani,0 +that's my breezy breezy breezy that's my breezy that's my buzzinnnnnn.,1 +"Imagine celtic burst the net wae every attempt, but nutt same old dain it hard way usual",3 +"If a friend lost his/her phone, how long do they have to mourn their lost phones before you ask for their earpiece?",3 +@user @user @user haha Bro she's sadly married man 😩😩,3 +Honestly fuming,0 +I don't want speak front to him #nopanicattack,0 +I wanna kill you and destroy you. I want you died and I want Flint back. #emo #scene #fuck #die #hatered,0 +some people leave toilets in fucking grim states,0 +"#BridgetJonesBaby is the best thing I've seen in ages! So funny, I've missed Bridget! #love #hilarious #TeamMark",1 +"Buying an early entry tickets at @user means fuck all, expect a complaint email when I get home #shocking service",0 +If i could just get my line to block! #germantownbroncos #lilleague #popwarner #Broncos #usafootball #lineman,3 +"But I was so intrigued by your style, boy.Always been a sucker for a wild boy #alarm -@AnneMarieIAm",1 +I wouldn't wish anxiety and depression even on the worst of people. It's not fun. #anxiety #depression,3 +"@user just finally started #homefronttherevolution, what did you all do the story and gameplay??? #terrible #wasteofmoney",0 +@user going back to blissful ignorance?! #fury,0 +"I get discouraged because I try for 5 fucking years a contact with Lady Gaga but are thousands of tweets, how she would see my tweet? :(",3 +The @user are in contention and hosting @user nation and Camden is empty #sad,3 +"@user @user @user @user @user as a fellow UP grad, i shiver at the shallowness of his arguments",0 +You have a #problem? Yes! Can you do #something about it? No! Than why,0 +@user @user i will fight this guy! Don't insult the lions like that! But seriously they kinda are.Wasted some of the best players,0 diff --git a/notebooks/data/validation_emotion.csv b/notebooks/data/validation_emotion.csv new file mode 100644 index 00000000..64b1163f --- /dev/null +++ b/notebooks/data/validation_emotion.csv @@ -0,0 +1,375 @@ +text,label +"@user @user Oh, hidden revenge and anger...I rememberthe time,she rebutted you.",0 +if not then #teamchristine bc all tana has done is provoke her by tweeting shady shit and trying to be a hard bitch begging for a fight,0 +Hey @user #Fields in #skibbereen give your online delivery service a horrible name. 1.5 hours late on the 1 hour delivery window.,0 +Why have #Emmerdale had to rob #robron of having their first child together for that vile woman/cheating sl smh #bitter,0 +@user I would like to hear a podcast of you going off refuting her entire article. Extra indignation please.,0 +If I have to hear one more time how I am intimidate men... I'm going to explode! Why are guys these days so pussified?,0 +depression sucks😔,3 +"O, the melancholy Catacombs quickly wandered about the Rue Morgue, Madman!",3 +#RIPBiwott I think Robert oukos soul can now rejoice and rest in peace. Call an evil man evil and a good man a good man. He was an evil man,0 +@user @user *on his back. Apologies for retweeting a tweet with grammatical error #mybad 😱,3 +@user Too much fun being interviewed by the supremely talented and funny #DatPhan #Comedy #laughter #soup,1 +Time to #impeachtrump . He is #crazy #mentally #sick and spews #hatred . #America is in trouble with him having #access to #nuclearcodes 👎👎,0 +#Trump's only #concern is personal #profit through his #brand and doing #favors for others in trade for his own needs. Not #US #people.,0 +Shame the cashback @user @user credit card comes to an end. I used to look forward to that end of year bonus. Sad really. #cashback,3 +Head hurting 😤,3 +@user there are more #frightening things in life\n\n#BeyondTheSphereOfReasonableDoubt,0 +@user @user @user Then why'd they wait until now to start getting pissy?,0 +When did it all started? All these depression & anxiety shits?All these suicide thoughts?All of these bad thoughts thts hugging me at night?,3 +You could have over a hundred million followers and still not a genuine person who understands you or wants to #cantshakethis #sadness,3 +Obama's 250+ offices of 'Organizing for Action' teaches #TheResistance #protesting #civildisobedience #treason #LOCKHIMUP #OFA,0 +@user unhappy and unfulfilled 😂,3 +@user broke it down on #snap great analysis on #CNBC,1 +"You can have a certain #arrogance, and I think that's fine, but what you should never lose is the #respect for the others.",2 +That said–due to passing the 50yr mark awhile ago–I know most of the #horrific damage to the #planet won't occur before my 'natural' #death.,3 +Each and every time I log on to that website to view the Lindsey Vonn pics I am #saddened by the courseness of our culture.,3 +probably watching sad bts video bc im sad :( iwannacryy :(\n halppp,3 +"----- #phobia = irrational fear of or aversion to something. Synonyms: dread, horror, terror, dislike, distaste, aversion BUT not a crime",0 +@user Well done! 😀 (your twins Charlii and Cadance),1 +@user @user That's actually awful! You are in for a treat when you get home tho!!,0 +Saw my first Larsen trap today with stressed magpie. I NEVER EVER want to see that again #angry #distressed #wildlife,0 +"@user placed order for nearly a grand SIX weeks ago, called yesterday, order 'missing' and no call back today! #shocking",0 +Happy that we played tgt as a team once. Thought there would be another chance out there but sadly no. Rest In Peace my dear friend. :(,3 +There's no excuse for making the same mistakes twice. Live & Learn or deal with the consequences of being unhappy #truthbomb,0 +God this match is dull #Wimbledon,3 +Someone needs to start listening to @user about #AllStarGame2017 ideas. #brilliant @user,2 +"@user Yes, or those animated comic book movies!",1 +@user @user 😂 snowflake random such a funny man never a dull moment brilliant,1 +Fuck small talk tell me about at what age did you start disappointing your parents,0 +"We can replace #loss with #hope, #hate with #love, #pain with #gain, if we close the window of #bitterness and open doors of #faith. #TryIt",2 +Happy Birthday to #Olympic #great and #champ @user 🎉 🎂 🎈,1 +SOLD OUT!!!! Next batch in 3 days!!!!,1 +Do not presume that richness of poorness will bring you happiness - Santosh Kalwar #quote #mentalhealth #psychology #depression #anxiety,3 +Only I could be talking to a catfish on tinder 💁😂 glad I don't use it seriously 🤣,1 +@user I was #fuming Kenny.,0 +@user @user both are awesome. People are missing out not watching fear!!!,1 +#Hopkinsville #Ky is #total #eclipse #capital of #world #August 2017 #dancing n #moon #dark #eclipse2017 #EclipseAcrossAmerica #Edgar #Cayce,1 +"@user Why announcing so late, it will be hard to make it from Manchester and organising a day off. #sad",3 +"To #Wyoming: you have a beautiful state but your road signs, or lack thereof, are terrible. #lost",0 +Can't Talk To An Incompetent Person. Goes In One Ear and Out The Other. #irritated #NoPoint #MassiveEyeRoll,0 +United Airline at Newark needs more Kiosks so that people won't miss their cut off time. And hire more ppl too. #horrible,0 +I am shy at first.It usually takes me a few minutes to assess the jaw of the people i am hanging out with and then i will act according🤷🏽‍♀️,2 +Jeong su is easy to get along with everybody likes him and not intimidated by him.. I like him.. he reminds me of seunghoon,1 +#anxious don't know why ................. #worry 😶 slowly going #mad hahahahahahahahaha,1 +I feel intimidated,3 +@user Oh dear! #tantrums,0 +maybe me and joey should have ignored each other on tinder and posted it on social media for a trip to Hawaii ☹️ #bitter,0 +Threaten to leave your girl shaking in a wet spot ....,0 +@user @user @user @user We are also wating when terrorism willb history. And one thing kashmir is not India's,0 +"@user Nope, thanks though. It took me yrs to find my hubby and he's great. He makes life great. # he really is #awesomeness",1 +@user Bro u just dey burst my brain Bro I need u 2 pls end everything rift BTW u nd my hommie davido pls Bro 4 d sake of luv.,1 +Worst dreams. 😥,3 +Idea 171 #Privacy is so #vital you could #start a privacy #service,2 +Not sure tequila shots at my family birthday meal is up there with the best ideas I've ever had #grim,3 +@user one of GH finest energetic #dancehall act #blessing in disguise 🙏 so so prolific 🙏,1 +Ugh. What's wrong with me today? Feel absolutely dreadful 😓 I wonder if I'm fighting something off...? Roll on home time.,3 +WAIT...Lawrence's friend dragged the fuck outta him!!,0 +Some people are shady a'f,0 +quick note about insta stories how the f do you expect me to read a paragraph of a caption in 1 second ????????????,0 +@user @user @user The hatred and fear many russians have for anything non-russian is just sad.,3 +Don't fucking tag me in pictures as 'family first' when you cut me out 5 years ago. You're no one to me.,0 +Kid at camp said my inner thigh looked like a slinky👌🤣 buddy those are stretch marks!!!! #SummerCamp #offended,0 +You would think booking a holiday for 2 you'd be sat next to each other on the bloody plane #fuming 😡@ThomsonHolidays,0 +"They are building a shell command on a server, combining that with user input, and then executing that in a shell on the client. #shudder",1 +"Shooting more than ever, making more mistakes than ever but I jumped in the pool of sharks a long time ago. #relentless *#resilient",2 +At a groovy restaurant. Got a cheeseburger and fries. I don't discriminate. Rating; 5/7 #yummy #delicious #politicallycorrect,1 +"@user @user @user YOU GUY'S SOUND astounded!! Does anyone working w Trump WH have an any ethical,moral, values? 🙈🙉🙊",0 +Add me on snap Whoa.Jay. #snap #streaks #snapchat #story #friends #add #follow #love #traveling #photography #funny,1 +"@user thanks Hollywood, (Depp). all these climate change fanatics using private jets and gas guzzling cars are to blame for this! #outrage",0 +@user @user Will be cheering for you both! Go @user and @user,1 +@user It's disgusting. #sick,0 +"That you have banished your own sadness, the way I am? #somber",3 +"1/If the Church is being attacked with such fury, and from the inside, that means that the Church is exactly what we need to belong to!",0 +And I will eat the end of term chocolates we bought as well! #fuming #doesntdeservethem #mightbedead,0 +"It was a bright cold day in April, and the clocks were striking thirteen. ~ George Orwell, 1984",1 +@user you're a cowan... that means you're a slimebag. I wouldn't trust you as far as I could throw you. #arsehole @user,0 +"Edinburgh is fucked\nThis city is a nightmare to drive 'round! 😖\nOne ways, bus lanes, cameras, feckin' trams! Who's idea was that?!",0 +Can't believe Zain starting secondary this year 😢,3 +@user @user @user @user Absolutely shocking behavour!!!!!!,0 +The same part of roof bar (driver's side) are stolen from Grand Vitara cars. Let it be known. This is really #disheartening #brunei,3 +hit by a sudden wave of sadness,3 +@user What happens if you don't want to watch this 'content'? Can't vote then 😆,0 +Hiya everyone if you want please #retweet my pin #rt #help #romance #wattpad #hurt #tweet #twitter #thanks,1 +@user You'll pine for my love one day Crabbe,3 +@user #red is #dread love it,1 +@user @user culture & language already protected.\n£ on 'promoting Welsh' better spent on Tourism or our dreadful schools ed record,0 +@user sir.. will we have the need for umbrella today evening.. sun seems to be stronger to pave way for clouds.. 😟,1 +"Imagine how many ksones are crying right now for not getting tickets 😭 Meanwhile, isones dont even get a chance to go on war for tickets 😭",3 +Remember your identity is in Christ. Give the sting of rejection to Christ. He’s been there he’s done that and He has the scars to prove it.,2 +People #honk like #idiots. Culture less indisciplined #Traffic #india #backtoreality #nightmare,0 +i just wanna be sober with u,2 +"@user Lord, we don't understand tragedy. Do what You do best: bring good grom it and comfort those who mourn. Amen",2 +When you only meet each other once at an interview and you recognise each other on the streets 🙆 I don't even know what's your name 😂,1 +"After sleeping past noon, I look out the window to see my hotel has a HOT TUB!!!!! #bliss",1 +I got a free Dr.Pepper from the vending machine #awesome,1 +At this point I can't tell if I just follow more people in politics on twitter now or if I need new friends. #wheresthefunny #depressing,3 +"I want to digital art so bad, but my dad won't let me use my iPad till exams are over 😂",3 +Today is gonna be terrible I can feel it,0 +#PhoenixRally #Deplorables insult and denigrate #JohnMcCain as he struggles with treatment for #glioblastoma #impeach45 incites,0 +Happy birthday Zanele \nI hope you have a wonderful day 💓@xan_radebe \n🎊🎉🎈,1 +Every day I always get a bit sad when I've finished my lunch.,3 +Coming up shortly #WetinDeyHappen #Satire #laughs #local #Pidgin cc @user and @user #stayTuned #premiumTalkStation,1 +horrid,0 +How do you feel about @user new feature #SnapMap 👎👍❓ #twitterpoll #polls #vote #Poll #Snapchat #twitter #tech #technology,1 +Wow what's up with #snap 😲📊📉⬇#cnnmoney,1 +@user Eduardo without injury was honestly amazing like so sad he's not looked at in the right light because of his Injuries.,3 +@user cute smile!,1 +@user @user @user No offense but.. Jeffee looks like a pink demon😂,1 +#wtf what a #wonderful idea \nyou've all bought your tweets and likes that's pretty pointless for Me #bye #bye #Twat,0 +@user hi bby today was okay i e-mailed design firms for my internship and now i'm nervous ;u; how's your day? :D,1 +@user A make up remover and insect sting relief!,1 +@user @user actually how annoyed you get 😂,0 +@user thinks the Oliver North defense insulates @user but all it does is make @user look inept! #NYTimes,0 +We're really not afraid of you all. We find you rather #annoying & #amusing. 😎😜🤣😂😂,0 +Theo's comment at the end😂 do one Tyla. #horrid #loveisland,0 +@user @user @user As half a set of twins I resent that!,0 +Let's hope the ct scan gives us some answers on this lump today #nervous,3 +"I'm pre happy with my Arcadian run, beat a few people I was scared of",1 +"Had frustration dream that left me utterly f**king furious. Plus side: so angry couldn't sleep, wrote 1500 words. Minus side: still raging!",0 +Wtf shawty ass on 😤,0 +@user CNN's Wolf Blitzer calls you an American astronaut and you don't correct him? #dissapointed,3 +. @user you're a crook. #joke #thief #bully #wanker #dirty #richbutgarbo,0 +"@user happy bday Ruth, hope you have an amazing day 💘💘x",1 +I'm glad my kids don't fuck with Blac Youngsta. That nigga terrible for our community,0 +@user @user How awful!!!!!!,0 +"Some peoples thought process can be very alarming. These nasty, common women who will bed another women's man without conscience . . .",0 +"+++ '#Dearly #beloved, avenge not yourselves, but rather give place unto #wrath: for it is #written, #Vengeance is #mine; I …' #Romans12v19",2 +@user #OOC Thing is she holds a grudge like mad,0 +When you have just about enough @user in your jar at work for 1/4 of a slice of toast 😩😩 #unhappy,3 +I never thought I would say this but I really miss Todd 😥,3 +@user Waste of time had this before nothing gets done. Won't be using you again #awful,0 +"peplamb: stevenfurtick #comfort all who #mourn, To console those who #mourn in #Zion, To give them #beauty for #ashes, The #oil of #joy for…",1 +"No better party than #Labour for #lies, #intimidation, #threats & questionable activities, yet somehow they're the #victims? Unbelievable!",0 +@user @user jenny white u r the dumbest here .. What r u trying ? Get lost..,0 +@user @user @user u horrible non gender binary boy go fangirl over some mediocre singers who CANT EVEN SUPPORT,0 +Why the FUCK have i just saw a Game of Thrones spoiler on snapchat? SOME OF US HAVENT SAW IT YET 🖕🏻🖕🏻🖕🏻🖕🏻🖕🏻 #arsehole,0 +Caleb had a nightmare about zombies. I had a dream about freedom.......,2 +Are u #depressed #hypo #manic #lonely #bored #nofriends #needfreinds #friend I feel chatty I wanna help ppl or just #makefriend 's #dm #moms,3 +I spotted the fed and all I got was #Ejaculating live bees and the bees are #angry.,0 +@user @user I'd be thrilled if he committed but nervous the whole time until NSD. Kid being from Cali makes me nervous.,1 +Soon the trailer will have more likes than views 😆,1 +@user @user @user looking fab today pleasing to the artistic eye! #GirlPowerTuesday,1 +Didn't know the @user cow day thing ended at 7:30 so showed up 30 min late looking like a cow with no sandwich #sadness 😅😅😅,3 +@user burning up damn,0 +#depressed Today was bitter sweet watching all the kids go back to school made me really miss my babies. I'm so broke #backtoschool2017,3 +"Leviticus 19:14\nYou shall not curse the #deaf or put a stumbling #block before the #blind, but you shall #fear your #God: I am the [1/2]",2 +"I was thinking about Fergie's music M.I.L.F and seriously, if I'm a mother someday, I'll be a M.I.L.F #lmao #Empowerment #adorable",1 +And the United fan boys cover their eyes in horror,0 +A #teacher who is attempting to teach without #inspiring the #pupil with a #desire to learn is hammering cold iron. #HoraceMann,2 +my mom's work has discounted riot fest tickets for $147/3 days i'm #saddened,3 +Why does @user get rudely interrupted by the worst thing ever imaginable?!? Ugggg #irritated,0 +@user Remember not to spread #hatred and #fakenews on the internet. Do not abuse #Hashtag10 for spreading #ArabNationalism!,0 +"When Duane Allman died, I learned to appreciate Stevie Ray Vaughan. True story. #blues #legends",2 +People dread a Snapchat streak with me cos the death threats I send to save it,0 +@user Happy birthday to you #beautiful Kylie! 🤗😙❤🎁🎂🥂,1 +The next time I go to Lagos I will gate crash somebody's owambe dressed in lace and gele to eat amala and shake my waist😑,1 +fuck a nigga feelings till I find a nigga I'm feeling 😆,1 +"*on a lighter note*\nGG, Nkaissery & Total Man? The rate at which Jubilee is losing these votes!! 😟",3 +"Hey buddy, I just came by to feed my Venus Flytrap. —Sue (S1E13) #glee",1 +Ash has the weirdest laughter,1 +Why a #terrorist was given a funeral in #Kashmir as per his #religion? 1000s came in. So #terror does have a religion. #ReligionOfPeace,0 +Oh @user what hast thou done to thy configurations? #despair,3 +@user @user Piece of #crap,0 +"Counting on you, Queensland. #StateOfOrigin #Broncos #maroons #blues #NSWBlues #qld",1 +"since the last episode of fight for my way is airing tonight & taekook will probably watch it together, do y'all think jk might take revenge",0 +@user is there a way to watch NYC Million Dollar Listing & filter @user OUT of the episodes? #primadonna #duckface #tantrum,0 +@user @user Lmao the lack of self awareness in this last tweet is genuinely awe inspiring,2 +y'all don't understand. this woman's wrath is REAL. 🌹🖤,0 +"@user No, but I'm planning on it before September 😊",1 +wow :o this was included in the playlist #awesome,1 +@user Proverbs 8:13\nThe #fear of the #Lord is to hate #evil; Pride and #arrogance and the #evil #way And the perverse #mouth [1/2],0 +very very irritated 😐,0 +i excepted the eclipse to make me believe in an omniscience force #dissapointed,3 +@user #loveisand next time there's a dumping get #Olivia out of there! She's #dreadful and not good for Chris,0 +Fucking fuming is an understatement,0 +"Are we making the dark, darker or are we shining the light of Jesus into the dark.\n #Jesus #light #shine",2 +'your marker teacher'.i looked at him n just burst out laughing i swear these kids will never take me seriously 🤦🏻‍♀️,1 +Need your help guys 😊 survey for a friend,1 +@user You're page is full of make up. It's a valid question. But you probably prefer to be smashed and dashed,0 +@user @user @user @user @user We'd be fuming if the hijacked our £8m move for a relegated full back 😡,0 +@user @user All I know is the sentence will start with 'look...' like any high school punk would start a threat.,0 +HAPPY BIRTHDAY TO THE PANDERIFIC PANDA IK.@TheOrionSound I hope you have an amazing day Oli i love u so much and i ❤️ur vids they make me 😃,1 +Look upon mine #affliction & my ​​​#pain​; & forgive all my sins. -Ps 25:18,3 +When you just don't know where to go or what to do next.. in life..🤔 #lost,3 +If @user Presidential run is as bad as his appearance in #Baywatch neither party need fear his run. That's $8 I'll never get back #crap,0 +work is going to kill me and 5 o'clock is nowhere near 😟,3 +"Nigga write me talking bout I dreamt about you, cool I hope I was haunting you in a nightmare",1 +Good Morning Tuesday! No crap today please 😃 #tantrums #toddler #cuddly #struggles #3 #10 #PMA,2 +"People were always afraid that stodgy squares would kill rock and roll, but the only legitimate threat was ever child choruses.",0 +Ha ha love flats description of Marlie packer... Default setting 'combat mode'.... 😂😂😂😂😂 #brilliant \n@davidflatman @user #WRWC2017,1 +I literally love Paul so much #BB19 #pissed 😂,0 +"If you sit back, watch & listen to every .@TheDemocrats & .@DNC member, you'll quickly learn it's #Victimhood, #racism, & #hatred. I'm #WOKE",0 +My new favourite #film with out a shadow of a doubt it #Okja #beautifull #funny #sad #emotional #real #Netflix #MUSTWATCH #now,1 +"@user Conte is furious with his board, wants all of them or he quits.",0 +Okay I seriously don't know how this whole twitter thing works #lost,3 +Three retweets of dumb Fox shit and one original tweet that is a blatant lie from SCROTUS this morning--nada about his wretched offspring. 🤣,0 +Afraid of no one an no one scares me!!! Funk y'all thought image one mans army!! '!,0 +@user Because one of them has to be wrong :) we just want to believe it's H&M haha 🙃,1 +Alright Alex and I have party boy neighbors who blast music,1 +"Beware the wrath of an angry, frustrated, #agile grandma with a network. 👵🏼😡 I'm just sayin'. #objectlesson",0 +dropped my birth control on the floor and cant find it cause it blends with the carpet 🙃 #joy,1 +Hmm...looks like no one @user is available to respond. Its like waiting for a #doomsday reply. That #burning question with no #answer,0 +"you annoy me, your name annoys me, your EVERYTHING annoys me 🙃",0 +Sending love & prayers to the families of @user Marines lost in the C-130 crash in Mississippi. May our Lord help abate the grief and sorrow,3 +'Sleepy' lotion by @user smells like if a bouquet of lavender and a bunch of toasted marshmallows had a love child. #delicious,1 +'When is it going to be that we start to define our own art?' Black music's relationship with literary tradition at Across Cultures #Mix2017,2 +@user Hahaha got the same forward !! I want to find the source and teach 🤣,1 +#IfOnlyPeopleWould not exist. #humanity #life #ignorance #nature #mothernature #sad #disappointment #smh #personal #opinion #views #animals,3 +"again i realize some of you may worry about me being gone so long! fear not, for i have made a new life for myself in the sewers,",2 +Don’t let the fear of losing be greater than the excitement of winning. ~Robert Kiyosaki\n\nAllOutDenimFor KISSMARC,2 +@user Yes it is happening. If u have a welding shield u can get a first hand view.,2 +"Not only has my flight been delayed numerous times, we have not been provided with a snack cart #horrific",0 +Interesting briefing this evening to learn how to shape housing policy in #Epsom&Ewell upto 2032 and @user Cllrs absent,2 +@user Very sad and upset and idk :/,3 +"Lost without my Mom 😢 plus tired, sick and full of cold is just another day in paradise..... #upset #unwell #missyoumommybear 💖💖",3 +@user @user Literally I'm in awe,1 +get to 84 and the intruder alarm is going off... lolz one of the PTs set it off 🙈,1 +@user What a miserable piece of shit 😡,0 +All this makeup is going on sale....\nBut I ain't got the funds. #heartbreaking,3 +You don't know fear until you have clogged the toilet at work and can't find the plunger. #horrifying #bathroom #FirstWorldProblems,0 +"guess who stayed up until 2am just incase someone called but they never did like i knew already , it's me, mistakes were made",3 +Definitely something happening today #SolarEclipse2017 #weird #annoyed,0 +@user No DSM shows. #sadness,3 +and after i got home in such a horrible mood my mom pissed me off the moment i stepped my feet in the house so i really almost go off on her,0 +How has Berger King gotten away with selling absolute 💩for this many years? #terrible,0 +"I click on download on my PC. Message says 'Thank you for downloading #iTunes \nSo, where's the download?! #frustrated",0 +@user sadly #digitakt seems to be out of stock all over Europe. Do you know if any European online store that has it?,3 +#revenge marathon has begun ⚡,0 +Tonight's run.... #restless,3 +@user I dont know but you seem to have annoyed her 😄,0 +Only halfway through #madeforlove by @user But it's utterly #brilliant. #Reading it has me laughing out loud.,1 +@user Is that the new studio kit? I'd be terrified of pressing the wrong button and launching something dangerous! 😊,1 +@user i feel shy to call you a friend your a sister💙💙,1 +@user @user if you get time.. @user buyers it sellers or what are we going to do!!?! #panic,3 +@user Send me a FR: Jaygerrr and I'll smoke you on madden when it comes out 😂🤙,0 +@user Your silence=complicity. Obviously you have no problem with Russian interference. #sad #russianhacking #treason,3 +@user @user The only word worse than 'moist' in my opinion is 'scrape'. #ugh #shudder,3 +Same ☹,3 +Coulda sworn it was Interview With A Vampire. Hmmm......Mandela Effect anyone? \n#interviewwithavampire #annerice #books #horror #ilovevamps,1 +"omg so grateful to have an education but ive been back at school for 2 (two) days and my back hurts, im exhausted and breaking out already 😍",1 +Thinking about life this morning and how something is missing. — feeling restless,3 +Bedtime. After a full listen of Lou Reed's album Transformer. Full albums are underrated these days. #back2back #enjoyment 💿 🎶 x,1 +"@user @user Sebestian Gorka, what a arrogant A~hole! Has no business speaking!",0 +"' i can't even tell u a lie I felt like u were special, till I realized wassup and left, got u feeling dreadful '",3 +"Won't be watching ESPN anymore, they took Robert Lee off because of HIS name, PC Police, what insanity! more #hatred #bigots #LeftwingNutJob",0 +Taking time out of our busy to catch the #great #American #eclipse! It is really incredible to see even our partial view! How was your view?,1 +@user @user Are they the new kennedy's of American politics.. sadly both mom and daughter are as charming as a toe nail,3 +"I'm pale, I no longer wanna laugh, Or smile, All I wanna do is just fucking cry,",3 +@user @user @user 'felt our soul'! hilarious!,1 +So #glad all four of our #top picks got through on #AGT,1 +"Just waved daughter and her wee friend off to school, walking by themselves #sob #terrifying!",3 +@user @user Philippines 😃,1 +"@user @user His knife is clean. He is tough enough to fire a gun, but not tough enough to get his hands dirty. #awful",0 +@user @user Non-story.\nDaughter tripped home alarm. Cop responded.,2 +@user Thank you for sharing your concern. Please DM your Jio & alternate number to assist you - Rahul,1 +How come quiet well behaved cats and dogs have to ride on a plane in a tiny bag while screaming small humans roam free? #outrage #teampet,0 +Alaina and I are at 90 days on our snap streak. So?,2 +@user @user I made it too #quickandeasyfood,1 +@user @user @user HAHAHA ok ill back away #coy,1 +@user @user @user @user Stupidity is part of their proud cultural identity. 😠,0 +My @user train is announcing absolutely everything overground station on the network #giggle,1 +I think I'll eternally be irritated by our LIT teacher 😂,0 +Chelsea and united must be furious,0 +@user #terrible lol I'm kidding,1 +"Am I the only person who is not that excited to go there. Yeah im excited, but im more afraid.Adapting and studying. I dont want to be",1 +@user Grass growing simulator is offended,0 +A bih be on lock down and shit. #depressing,3 +"@user In other words, I don't like the result of the poll so I'm packing up my polls & taking them home while I pout. 😂😂😻 #bbn",1 +@user felt guilt from playing this game. #horrible #RainbowSixSiege,3 +if you wake up somewhere else...you will know some #arsehole has pressed a button ;),0 +@user not impressed by your customer support. Forcing customers to use fb chat or sms! Very slow. issue is not getting sorted,0 +It's a beautiful pout. c:,1 +today i feel like an exposed wire dangerously close to another exposed wire and any provocation will fry me,0 +@user Coffee\n\nNow something else to worry about.,3 +EEEEEKKKK!!!!\nProduct LAUNCH 😍✋💖\nI'm am literally B•U•Z•Z•I•N•G!!!\nSingle sachets 😍😍\n \nMessage me for yours! 😜🙆💜#loveyourlifestyle #shakes,1 +The greatest happiness is seeing someone you like stay happy - Daidouji Tomoyo [Cardcaptor Sakura ],1 +@user Bastard squirrels. 😡,0 +@user Disgusting. @user you just may end up like #snap. #traitor,0 +"Or all of it, with our displeasure pieced, #shakespeare",3 +Lost my appetite for the past 5 days and I swear I already lost 3 pounds #depressing #at #least #i #will #be #skinny #for #pride #weekend,3 +get the fuck over yourselves. we are the most capable and you wanna sit and sulk in your bullshit and fear of failure honestly fuck yourself,0 +i can already tell molly tryna be fake above shit so she gon deny dude one time then jump on his offer in the end. #insecure,0 +#revenge or #Change . You #ChooseASide for your country #India,0 +@user You would have been raging as it was probably put in place instead of an extra crisp,0 +"So me and my mom were talking about highschool, I'm shy so she said that she thinks I'm gonna get bullied😒 #shy #me #mylife #moms #bullying",0 +@user @user @user They've obviously never tried 'repressing' a red head #fiery,0 +@user Okay awak 😆,1 +"@user R.i.p my friend, cant get my head round this, #devastated x",3 +Why do a certain section threaten war and spit fire and brimstone each time they hear the words “restructuring” and “self-determination”?..,0 +I just watched the video that i took at troye's concert last year during happy little pill and now im crying i miss him @user 😭,3 +Sarah is a complete lunatic. How Chad is still giving her his time is beyond me. #cbb #mad #crazy,0 +I swear to god my husband is gonna get us murdered by someone with road rage because he drives like he's in the Indy 500,0 +Great...So I got up at 5am only to discover that my Amazon Prime Day deal was $30 more than the regular price. 😡,0 +By the way...in case you didnt know...joshuas goin out tonight...to take the trash out and then play blues at ever us 6.75,1 +@user It's horror stories like that that make me so greatful ☺️,1 +"Repeated terror attacks,no1 can define the religion of terrorists.\n1 guy arrested,Terrorists/ism got it's religion.",0 +If God had a plan he would've made already #discouraged,3 +@user Oh schade 🙁,3 +I'm soooo annoyed. Wait to start my morning.,0 +Chopper <<Dammit! Just sink already!>>,0 +There's nothing interesting here besides of retweet for follow #annoyed 😣😣,0 +@user || I smell your fear.,2 +"Just finished #TheKeeperOfLostThings. Incredible, #charming #book! LOVED it!! @user You weave story telling magic! LOVE!!!!",1 +"The blackest abyss of despair, Alonzo",3 +Why are girls so bad at letting shit go? That's prolly why they're moody. They're all built up with grudges and anger and regret. 😂,0 +Afridi !!! 100 off 42 !! #mad,0 +@user Isn't it always about control and mistrust?,0 +#NAME?,0 +Really don't want my mom to go back home 😢 😢 😢 😢 😢 😢 😢 #gutted #crying #miserable #why,3 +@user I will not fall to the dark side😂😂,1 +"@user It was indeed, I was raging at the verdict. Can't imagine how the poor lassies family felt.",0 +@user Seriously @user !? This is news to you?!? #sad \n\nWhy not focus on important issues??,3 +"Africa has unique and tremendous problems with war, overpopulation, starvation and tribalism which makes moving Africa forward hard.",3 +@user @user is it ok for your drivers to smile not open the door and drive off,0 +HAPPY BIRTHDAY! :D,1 +@user The ignorance of the left is shocking,0 +@user @user can i ask im trying to pout a code on csgo roll i cant when i pout the code its red color.. help pls,3 +@user The destroying of my memory is my goal so ECT might work. Or a zapper thingy like in Men in Black. Or Dumbledore's pensive.,0 +@user Oh lords. That would have had my blood boiling,0 +@user ya and kind of depressing if you think about it\n!,3 +"Fed up of false info from @user mini store, pls hire or franchise ur mini stores to serve customers, not to threaten or force them!",0 +"@user Noooo, Sunbae-nim! Don't tease me like that- 😤",0 +@user @user what the phd! eesav gattiga 😆,1 +@user devour the unborn\nhuman rejection\nfrom wrath to ruins,0 +@user U so lucky ahu 😭,1 +I need to study up on celebrities' birthdays bc my heart almost stopped when I saw Harrison Ford trending... 😯 #relieved,1 +Everytime I think my life is getting better it never comes through #sadly,3 +"It could be soul-crushing despair, but it also might just be the marshmallows I had for breakfast",3 +"Don't let hatred grow in you, otherwise everything in your life will be affected. It will distract & anger you. It will often end in regret.",0 +"@user customer service is dreadful, phone bill is huge and get passed from person 2 person and keep taking money off my card #idiots",0 +@user @user @user Seems legit. I always flinch right before I tell the truth.,2 +Get the feeling @user and @user might be reviewing showing all stages in full. Poor @user @user 😴😴😴 😉 #dull,3 +"Please ruin this party, @user #origin #blues",0 +#Muslims kill people then terrorism has no religion . If a #hindu kills a muslim then we are hindu terrorist #hypocrites,0 +Can't stand it when lads put their middle finger up in pics,0 +#CNN really needs to get out of the #Propaganda Business.. 30 seconds on USN fallen Soldiers tragedy. Right back at spewing #hatred #POTUS,0 +Being @ #work #sober 🤦🏽‍♂️ I can not do it,3 +"#IndiaAgainstIslamists #RadicalIslam possess the danger not only2 #India ,but also 2the world .Its time 4 uprooting the source f #terrorism",3 +Seriously about to smack someone in the face 😵 #arsehole,0 +What do I do with my heart that is trembling by just the thought of it?\nI really don’t know what love is,3 +Chyna didnt respond to rob cus she knew damn well she was plottin. But i knew he hurt her deeply with that revenge porn,0 +"@user @user whose customers love it. Imagine being a hack these days, having to sing the tune the paymaster calls. #dismal",3 +All and boy play n0 no play dull and mᴬkes.,3 +sick of this shit. #mad #angry. Rowan Atkinson Is Not Dead. Just A Bloody Online Hoax😡😡😡😡🤬🤬🤬🤬,0 +Best horror Comedy movie of 2017 #AnandoBrahma @user #SrinivasReddy . In 2nd half I got throat pain #toomuch #laughs,1 +@user @user Who can I talk to about being terminated with no answer and not being paid for hours I worked? ERC have no answers,0 +@user Not of this one sadly! 😪,3 +#faith is like #oil but #fear is like #dust easily blown away,2 +3 and a half hour more 😤 #EXO,0 +@user What's the make so we can panic 😃,0 +I'm smiling like a mf,1 +Every #DIVA needs her Period Panteez 2 B X-TRA Confident & Secure! Don't wait 2 have UR #period ! #thetalk #fallfashion #instyle,1 +@user My husband gets up and hour before. Every day upon opening my eyes I ask him 'did he start WWIII yet?',1 +Everything I order online just comes looking like a piece of shit 😤,0 +"@user @user @user Would you like to clean my cooker top, please??? 😉😊 #sparkling #nomess #sunglassesneeded",1 +Some 'friends' get bitter when it seems your life is moving better than theirs.,3 +"Life is too short to be jealous, hating, keeping up mess, and worrying about things that do not concern you.",2 +@user @user What a joyless cunt.,0 +@user You're eating skin that could have been sent to a tannery for leather processing. 😄,1 +"Very important thing for today: \n\nDo not #bully yourself with #100DaysOfCode \n\nBelieve me, It ruins fun!",3 +"@user @user If #trump #whitehouse aren't held accountable for their actions,what precedent is being set for future presidencies. #nightmare",0 +@user Which #chutiya #producer #invested in #crap #deshdrohi ??,0 +Russia story will infuriate Trump today. Media otherwise would be giving him tongue bath for fall of ISIS in Mosul + al-Baghdadi death.,0 +Shit getting me irritated 😠,0 +"@user @user If this didn't make me so angry, I'd be laughing at this tweet!",0 From 35b90eb22fae619fce339ef297afe363ced07e7d Mon Sep 17 00:00:00 2001 From: Nitish Sharma Date: Tue, 6 Dec 2022 15:57:12 +0530 Subject: [PATCH 2/3] black format --- notebooks/baal_prod_cls_nlp_hf.ipynb | 139 ++++++++++++--------------- 1 file changed, 60 insertions(+), 79 deletions(-) diff --git a/notebooks/baal_prod_cls_nlp_hf.ipynb b/notebooks/baal_prod_cls_nlp_hf.ipynb index ae448b03..b26c6c44 100644 --- a/notebooks/baal_prod_cls_nlp_hf.ipynb +++ b/notebooks/baal_prod_cls_nlp_hf.ipynb @@ -2,22 +2,7 @@ "cells": [ { "cell_type": "code", - "execution_count": 1, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "GHWjiwfZCoHq", - "outputId": "8afe905b-1764-4605-e5d8-33d959094c65" - }, - "outputs": [], - "source": [ - "!pip install -qq baal transformers datasets" - ] - }, - { - "cell_type": "code", - "execution_count": 46, + "execution_count": 14, "metadata": { "colab": { "base_uri": "https://localhost:8080/" @@ -87,7 +72,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 3, "metadata": { "id": "o6Pow8-gsdPk" }, @@ -114,7 +99,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 4, "metadata": { "colab": { "base_uri": "https://localhost:8080/", @@ -141,11 +126,11 @@ "name": "stderr", "output_type": "stream", "text": [ - "Downloading: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████| 570/570 [00:00<00:00, 672kB/s]\n", - "Some weights of the model checkpoint at bert-base-uncased were not used when initializing BertForSequenceClassification: ['cls.predictions.transform.LayerNorm.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.seq_relationship.weight', 'cls.predictions.transform.dense.bias', 'cls.seq_relationship.bias', 'cls.predictions.decoder.weight', 'cls.predictions.bias', 'cls.predictions.transform.dense.weight']\n", + "Downloading: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████| 570/570 [00:00<00:00, 867kB/s]\n", + "Some weights of the model checkpoint at bert-base-uncased were not used when initializing BertForSequenceClassification: ['cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.seq_relationship.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.decoder.weight', 'cls.seq_relationship.bias', 'cls.predictions.bias']\n", "- This IS expected if you are initializing BertForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", "- This IS NOT expected if you are initializing BertForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", - "Some weights of BertForSequenceClassification were not initialized from the model checkpoint at bert-base-uncased and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "Some weights of BertForSequenceClassification were not initialized from the model checkpoint at bert-base-uncased and are newly initialized: ['classifier.weight', 'classifier.bias']\n", "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" ] } @@ -173,10 +158,9 @@ "# Send model to device and setup cuda arguments\n", "if use_cuda:\n", " hf_model.to(\"cuda:0\")\n", - " hf_trainer_cuda = True\n", "else:\n", " hf_model.to(\"cpu\")\n", - " hf_trainer_cuda = False" + " no_cuda = True" ] }, { @@ -194,7 +178,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 5, "metadata": { "id": "EGkBGUUWLLGO" }, @@ -219,7 +203,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 6, "metadata": { "colab": { "base_uri": "https://localhost:8080/", @@ -248,8 +232,8 @@ "text": [ "Using custom data configuration default-8925cc3e264ff989\n", "Found cached dataset csv (/home/nitish1295/.cache/huggingface/datasets/csv/default-8925cc3e264ff989/0.0.0/6b34fb8fcf56f7c8ba51dc895bfa2bfbe43546f190a60fcf74bb5e8afdcc2317)\n", - "100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2/2 [00:00<00:00, 185.19it/s]\n", - "Parameter 'indices'=. at 0x7f60b81ec0b0> of the transform datasets.arrow_dataset.Dataset.select couldn't be hashed properly, a random hash was used instead. Make sure your transforms and parameters are serializable with pickle or dill for the dataset fingerprinting and caching to work. If you reuse this transform, the caching mechanism will consider it to be different from the previous calls and recompute everything. This warning is only showed once. Subsequent hashing failures won't be showed.\n" + "100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2/2 [00:00<00:00, 393.07it/s]\n", + "Parameter 'indices'=. at 0x7f5c739e6ac0> of the transform datasets.arrow_dataset.Dataset.select couldn't be hashed properly, a random hash was used instead. Make sure your transforms and parameters are serializable with pickle or dill for the dataset fingerprinting and caching to work. If you reuse this transform, the caching mechanism will consider it to be different from the previous calls and recompute everything. This warning is only showed once. Subsequent hashing failures won't be showed.\n" ] }, { @@ -287,16 +271,14 @@ " )\n", " raw_train_set = clip_data(\"train\", 10)\n", " raw_valid_set = clip_data(\"validation\", 10)\n", - " trainer_cuda = True\n", "else:\n", " raw_train_set = dataset_emo[\"train\"]\n", - " raw_valid_set = dataset_emo[\"validation\"]\n", - " trainer_cuda = False" + " raw_valid_set = dataset_emo[\"validation\"]" ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 7, "metadata": { "id": "dBSzk1tGSnJ8" }, @@ -342,7 +324,7 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": 8, "metadata": { "id": "7dzwnCzkOOCk" }, @@ -423,7 +405,7 @@ }, { "cell_type": "code", - "execution_count": 52, + "execution_count": 9, "metadata": { "colab": { "base_uri": "https://localhost:8080/" @@ -437,155 +419,156 @@ "name": "stdout", "output_type": "stream", "text": [ - "Adding labels for Raw data Index 103 : @user 9 -9 vs Atlanta this yr, 2 - 11 vs Rockies and DBacks this yr. That's a combined 11 - 20 vs 3 atrocious teams in NL #awful\n", + "Adding labels for Raw data Index 165 : @user that is one thing but attacking and hating is worse - that makes us just like the angry vengeful behavior we detest\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 33 : @user @user ditto!! Such an amazing atmosphere! #PhilippPlein #cheerleaders #stunt #LondonEvents #cheer\n", + "Adding labels for Raw data Index 41 : so gutted i dropped one of my earrings down the sink at school\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 259 : SOMEONE LET SNAKES IN MY HOUSE, I BET IT @user I KILL THAT BUGGER WHEN I GET MY HANDS ON HIM #HuckFP2\n", + "Adding labels for Raw data Index 95 : @user I assure you there is no laughter, but increasing anger at the costs, and arrogance of Westminster.\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 196 : @user \\n'It's alright!' She said cheerfully trying to make the moment fun\n", + "Adding labels for Raw data Index 159 : @user @user Quite the response of retaliation from Weiner in getting revenge on Huma & Hillary 'clam digging'.\\n#AllScumbags\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 175 : NL's top bureaucrat is a director of a group formed to oppose NL's top megaproject. #nlpoli - never dull\n", + "Adding labels for Raw data Index 13 : What a fucking muppet. @user #stalker.\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 155 : These girls who are playful and childlike seem to have such lovely relationships. Can't imagine them having serious convos but it's cute 😍😍\n", + "Adding labels for Raw data Index 169 : Every day I think my #house 🏡 is #burning 🔥 but it's always just my neighbor burning their #toast! 😷😡🍞\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 39 : @user It’s taken for granted, while the misogyny in the air is treated as normal — and any angry response to it as pathological.\n", + "Adding labels for Raw data Index 117 : Wow... One of my dads top favorite throwback rappers just died in a fiery car crash today in Atlanta, so sad so sad 😷😷\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 280 : something about opening mail is just...very pleasing\n", + "Adding labels for Raw data Index 89 : Nothing worse than an uber driver that can't drive. #awful\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 268 : @user I am sitting here wrapped in a fluffy blanket, with incense burning, listening to Bon Iver and drinking mulled wine. I'm there.\n", + "Adding labels for Raw data Index 171 : @user #nothappy and still #charging the #fullprice 😡😡 #fuming some your #bestrides 😳😳\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 173 : Sometimes I get mad over something so minuscule I try to ruin somebodies life not like lose your job like get you into federal prison #anger\n", + "Adding labels for Raw data Index 8 : @user broadband is shocking regretting signing up now #angry #shouldofgonewithvirgin\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 239 : The bounty hunter things a bit lively\n", + "Adding labels for Raw data Index 19 : @user @user @user Tamra would F her up if she swung on Tamra\\nKelly is a piece of 💩 #needstobeadmitted #bully\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 310 : Karev better not be out!!! Or I am seriously done DONE with @user #angry #unfair #ugh\n", + "Adding labels for Raw data Index 246 : @user snap, seems to be a problem here\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 166 : @user wow , your right they do need help,so what I'm getting from the Laureliver fandom and bitter comic fandom and\n", + "Adding labels for Raw data Index 65 : People who go the speed limit irritate me\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 58 : Rewatching 'Raising Hope' (with hubs this time) and totally forgot how hilarious it is 😂 #HereWeGo\n", + "Adding labels for Raw data Index 224 : Riggs dumb ass hell lolol #hilarious #LethalWeapon\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 66 : #FF \\n\\n@The_Family_X \\n\\n#soul #blues & #rock #band\\n\\n#music from the #heart\\n\\nWith soul & #passion \\n\\nXx 🎶 xX\n", + "Adding labels for Raw data Index 300 : @user now you gotta do that with fast n furious\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 78 : On the bright side, my music theory teacher just pocket dabbed and said, 'I know what's hip.' And walked away 😂😭\n", + "Adding labels for Raw data Index 208 : @user @user @user @user Take 2k out of it the numbers on madden are low and have dropped and people are unhappy\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 72 : Joes gf started singing all star and then Joe got angry and was all sing it right and started angrily singing it back at her\n", + "Adding labels for Raw data Index 258 : @user @user @user @user @user I understand your concerns but look at her foundation contributions\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 213 : Turkish exhilaration: for a 30% shade off irruptive russian visitors this twelvemonth, gobbler is nephalism so...\n", + "Adding labels for Raw data Index 172 : Everyone is raging\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 183 : I told my chiropractor 'I'm here for a good time not a long time' when he questioned my habits and yet again I have unnerved a doctor\n", + "Adding labels for Raw data Index 70 : @user I am shy xD\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 262 : Lunatic Asylum: The place where optimism most flourishes.\n", + "Adding labels for Raw data Index 202 : Pakistan continues to treat #terror as a matter of state policy says @user #UriAttack\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 208 : @user @user @user @user Take 2k out of it the numbers on madden are low and have dropped and people are unhappy\n", + "Adding labels for Raw data Index 279 : @user @user I was so looking forward to @user Then it opened with a #stuartspecial. I literally yelled at my tv. #umbrage\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 234 : nooooo. Poor Blue Bell! not again. #sad\n", + "Adding labels for Raw data Index 188 : Wishing i was rich so i didnt have to get up this morning #poor #sleepy #sad #needsmoresleep\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 227 : Well stock finished & listed, living room moved around, new editing done & fitted in a visit to the in-laws. #productivityatitsfinest #happy\n", + "Adding labels for Raw data Index 38 : Romero is fucking dreadful like seriously my 11 month old is better than him.\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 65 : People who go the speed limit irritate me\n", + "Adding labels for Raw data Index 56 : Thank you disney themed episode for letting me discover how amazing the @user are! #hilarious\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 54 : @user bts' 화양연화 trilogy MV is my all time fav🙌 quite gloomy but beautiful as well✨\n", + "Adding labels for Raw data Index 12 : Your glee filled Normy dry humping of the most recent high profile celebrity break up is pathetic & all that is wrong with the world today.\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 285 : @user don't think Ian knew of Pavel. He knew about Charlie. I bet Rob will cackle with glee when he heard what has happened #thearchers\n", + "Adding labels for Raw data Index 143 : @user glee\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 81 : #ThisIsUs has messed with my mind & now I'm anticipating the next episode with #apprehension & #delight! #isthereahelplineforthis\n", + "Adding labels for Raw data Index 288 : @user lost my xt nova around hole 8 or 9 #sadness\n", "\n", "\n", "\n", "\n", - "Adding labels for Raw data Index 314 : @user @user @user I threaten you because I can pussy\n", + "Adding labels for Raw data Index 118 : I can't wait for you to listen to my new single 'Mystery' and my new album😋. #newmusic #newsingle #newalbum #2016 #popmusic #dark\n", "\n", "\n", "\n", "\n", " 0: anger , 1: joy, 2: optimism, 3: sadness\n", - "Pool Index 254 : @user it's fucking dreadful for live footy matches-1\n", + "Pool Index 190 : @user Thank you for follow and its a good website you have and cheering with no hassle.-1\n", "Skipping this sample\n", "\n", "\n", - "Pool Index 87 : I am worried that she felt safe. #unhappy0\n", + "Pool Index 16 : @user Haters!!! You are low in self worth. Self righteous in your delusions. You cower at the thought of change. Change is inevitable.-1\n", + "Skipping this sample\n", "\n", "\n", - "Length of active pool is now 297\n" + "Length of active pool is now 298\n" ] } ], @@ -640,7 +623,7 @@ }, { "cell_type": "code", - "execution_count": 53, + "execution_count": 10, "metadata": { "id": "rzvvtuibNfVO" }, @@ -662,18 +645,9 @@ }, { "cell_type": "code", - "execution_count": 57, + "execution_count": 11, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "PyTorch: setting up devices\n", - "The default value for the training argument `--report_to` will change in v5 (from all installed integrations to none). In v5, you will need to use `--report_to all` to get the same behavior as now. You should start updating your code and make this info disappear :-).\n" - ] - } - ], + "outputs": [], "source": [ "# Setup Heuristics\n", "heuristic = get_heuristic(\n", @@ -693,7 +667,7 @@ " per_device_eval_batch_size=hyperparams[\"batch_size\"],\n", " weight_decay=0.01,\n", " logging_dir=\".\",\n", - " no_cuda=True,\n", + " no_cuda=no_cuda,\n", " save_total_limit=1,\n", ")\n", "\n", @@ -727,7 +701,7 @@ }, { "cell_type": "code", - "execution_count": 64, + "execution_count": 13, "metadata": { "colab": { "base_uri": "https://localhost:8080/", @@ -779,7 +753,7 @@ " # Label active dataset\n", " active_set.label(points_to_label_oracle, label_from_oracle)\n", "\n", - " # Save model and data\n", + " # Save model\n", " if epoch == save_checkpoint:\n", " save_model(baal_trainer)\n", "\n", @@ -807,6 +781,13 @@ "\n", "Using these you can easily pull your labelled data should the need arise." ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] } ], "metadata": { From c21d5a6003b4a9a009be72e5199fe1bc5f4c6c88 Mon Sep 17 00:00:00 2001 From: Dref360 Date: Fri, 27 Jan 2023 21:43:18 -0500 Subject: [PATCH 3/3] Add new tutorial to documentation --- docs/tutorials/index.md | 3 +- mkdocs.yml | 4 +- notebooks/data/test_emotion.csv | 1422 ------- notebooks/data/train_emotion.csv | 3258 ----------------- notebooks/data/validation_emotion.csv | 375 -- .../{ => production}/baal_prod_cls.ipynb | 91 +- .../baal_prod_cls_nlp_hf.ipynb | 299 +- 7 files changed, 75 insertions(+), 5377 deletions(-) delete mode 100644 notebooks/data/test_emotion.csv delete mode 100644 notebooks/data/train_emotion.csv delete mode 100644 notebooks/data/validation_emotion.csv rename notebooks/{ => production}/baal_prod_cls.ipynb (92%) rename notebooks/{ => production}/baal_prod_cls_nlp_hf.ipynb (83%) diff --git a/docs/tutorials/index.md b/docs/tutorials/index.md index ef3ede33..a5e59614 100644 --- a/docs/tutorials/index.md +++ b/docs/tutorials/index.md @@ -6,7 +6,8 @@ latter on how we integrate with other common frameworks such as Label Studio, Hu ## :material-file-tree: How to * [Run an active learning experiments](notebooks/active_learning_process.ipynb) -* [Active learning in production](notebooks/baal_prod_cls.ipynb) +* [Active learning in production (Image Classification)](notebooks/production/baal_prod_cls.ipynb) +* [Active learning in production (Text Classification)](notebooks/production/baal_prod_cls_nlp_hf.ipynb) * [Deep Ensembles](../notebooks/deep_ensemble.ipynb) ## :material-file-tree: Compatibility diff --git a/mkdocs.yml b/mkdocs.yml index 579a6dc4..ffda2ab4 100644 --- a/mkdocs.yml +++ b/mkdocs.yml @@ -91,8 +91,10 @@ nav: - Compatibility: - HuggingFace: notebooks/compatibility/nlp_classification.ipynb - Scikit-learn: notebooks/compatibility/sklearn_tutorial.ipynb + - Production use cases: + - Computer vision: notebooks/production/baal_prod_cls.ipynb + - Text classification: notebooks/production/baal_prod_cls_nlp_hf.ipynb - Active learning for research: notebooks/active_learning_process.ipynb - - Active learning for production: notebooks/baal_prod_cls.ipynb - Deep Ensembles for active learning: notebooks/deep_ensemble.ipynb - Research: - research/index.md diff --git a/notebooks/data/test_emotion.csv b/notebooks/data/test_emotion.csv deleted file mode 100644 index 12c93879..00000000 --- a/notebooks/data/test_emotion.csv +++ /dev/null @@ -1,1422 +0,0 @@ -text,label -#Deppression is real. Partners w/ #depressed people truly dont understand the depth in which they affect us. Add in #anxiety &makes it worse,3 -"@user Interesting choice of words... Are you confirming that governments fund #terrorism? Bit of an open door, but still...",0 -My visit to hospital for care triggered #trauma from accident 20+yrs ago and image of my dead brother in it. Feeling symptoms of #depression,3 -@user Welcome to #MPSVT! We are delighted to have you! #grateful #MPSVT #relationships,1 -What makes you feel #joyful?,1 -i am revolting.,0 -"Rin might ever appeared gloomy but to be a melodramatic person was not her thing.\n\nBut honestly, she missed her old friend. The special one.",3 -In need of a change! #restless,3 -@user @user #cmbyn does screen August 4 & 6 at #miff,3 -@user Get Donovan out of your soccer booth. He's awful. He's bitter. He makes me want to mute the tv. #horrid,0 -@user how can u have sold so many copies but ur game has so many fucking bugs and mad lag issues. Optimize ur shit soon.,0 -Pressured. 😦,3 -Yes #depression & #anxiety are real but so is bein #grateful & #happiness \nI choose how i wanna live MY life not some disorder,3 -"People who say nmu are the worst, something has to be going on, tell me I wanna know bout your life that's why I fucking asked, I care 😤",0 -"@user The hatred from the Left ought to concern everyone----who wants a police state-the left, so than can spy on all of us.",0 -@user #shocking loss of talented young man#prayers#pray for his family,3 -Its #amazing watching various news outlets showing mixed crowds of ppl watching #Eclipse with NO #racial tension.. #MSM can't hide this!,1 -"That moment when people say you don't need medicine, it's mind over matter. You need to stop doing that. #bipolar",0 -@user @user Please. Don't insult Goths.,0 -@user What an F'ing liar,0 -May or may not have just pulled the legal card on these folks. #irritated,0 -"Me: 'I miss your personality,will it come back?' Him: 'I'm sorry.I'm me. You be you.' #Sad #depressed #longdistancerelationship",3 -Comparing yourself to others is one of the root causes for feelings of unhappiness and depression.,3 -"@user @user Americans do not spank their children, and they are a God fearing people who knows the biggest sin is hypocrisy.",2 -The only upside to being deathly ill this week is that I've gotten better at taking pills. #optimism,2 -Favorite character who's name starts with the letter M?\n #Prisonbreak5 #The100 #GreysAnatomy,1 -I'm so nervous I could puke + my body temp is rising ha ha ha ha ha,1 -I cannot see a rational way of bearing a grudge to him for that. I do not. Maybe because I do not live by Netflix and I do not care...,0 -And let the depression take the stage once more 🙃,3 -I love swimming for the same reason I love meditating...the feeling of weightlessness.,1 -@user Is it just me that thinks it looks boring?,3 -",, The solar eclipse was really cool.. #inspiring!",1 -@user Really??? I've had to hang up!,0 -When Jim Sheridan is standing next to you and you don't say A WORD!!! #facepalm #tonguetied,0 -"@user -- can handle myself.\n[Carl yelled back in fury, blood smeared across his face and clothes. Still holding onto his --",0 -@user @user there was a fair bit of raging folk last night... something to do with pension day?,0 -"@user No #racism, no #hatred , no #sectarianism ... Only yes to love",2 -sleep is and will always be one of the best remedies for a tired and weary soul,2 -"@user where is my order? Placed on Monday via express delivery, yet no sign!!! #annoyed #hurryup Your customer service queues are #awful",0 -yukwon no video do zico the world is shaking,3 -"BUT, I have offended so many people with the idea that conflicts and value judgments are separate that we need to have a talk.",2 -@user - spelled exactly how it makes you feel 'better eat land line'. Talking to my mom this week has been impossible. #goodservice #rage,0 -"@user John, what do you make of DJT's silence? He would usually be foaming at the mouth right now. Maybe he's constipated.",0 -@user happy birthday machaaaa 🎈🎉🎊 stay awesome and murah rezeki selalu 👍🏻,1 -"When you should be working, but you're shopping amazon prime deals instead... 😦",0 -Karma is real bitch 🖕🏼you can't just be mean and do horrid things without paying the price 😂,0 -@user @user Agree with @user or you are of a lower intelligence would be your message there then? #dreadful,0 -@user Rumor has you are #wellendowed #awesome! Truth is you are a #big 😲 #notsomuch so you know a bunch of #gaypeople #sowhat,0 -"IK to PMLN: 'Darling, I will haunt you in your nightmares, dressed like a dream.' BEST THING EVER. #GameOverNawaz",1 -OMG we're eating drinking in a restaurant and so is a baby!!! Quell horror #YummyMummiesAU,0 -hello phy6 i'm stressing over u ayuku na??¿ ☹,3 -"There are parts of you that wants the sadness. Find them out, ask them why",3 -Are you always looking for quotes of your days? Then follow @user to learn more!\n #quote #doubleviz,2 -@user huhu kak help me through all of this,3 -Let's start all over again.....\n#feels #lover #happiness #loyalty #truth,1 -"Earth's sixth mass extinction event under way, scientists warn **basically caused by Islamic Muslim terrorism which Obama dem- rats back*",0 -Some days I feel like I'm going to accomplish everything I've ever dreamed. Today is not one of those days #nomotivation #rainyday #gloomy,3 -"For every one concept I try to cram into my brain, I feel like I'm pushing out three. #panic",3 -“The #optimist proclaims that we live in the best of all possible worlds; and the #pessimist fears this is true.” ~ James Branch Cabell,2 -Red Sox fans are #mad #onhere - it's almost like their All Star relief pitcher and 1st baseman both left with injuries in this game 🤷🏻‍♀️,0 -@user - @user has occupied one full lane for toll collection permanently resulting in traffic snarl everyday on UP Link Road,0 -"I've never been happier. I'm laying awake as I watch @user sleep. Thanks for making me happy again, babe.",1 -#Overheard: 'I don't really like dogs.' I DON'T FEEL SAFE IN THIS PLACE. Clearly a hostile environment! #bigly #covfefe #TrustNoOne,0 -@user Hahaaa! Was fuming with that 😞😂,0 -@user lel I already know the whole plot dont worry I would have warned you :D man... Cid tho... That bitch slapped Gabranths hand away,0 -"Aw, bummer. @user (Maura Rankin) blocked me for calling her out as a #bully. Some people just #CantHandleTheTruth, can they?",0 -@user is the man,1 -"Gorkas is angrily unhinged, &lecturing CNN on what?they should cover demanding they go after Hillary Clinton instead of Trump.",0 -"Request MRI 2 years ago, Neuro only requested last year, I'm still waiting on appointment #mssucks #healthcareFail",0 -@user @user a serious character flaw. Nowhere close to @user,0 -"'I have a problem with authority.'\n\n'Oh, you mean you hate being told what to do?'\n\n'No. Authority figures just terrify me.'\n\n#SocialAnxiety",0 -@user Improve on the makeup dear to avoid reduction in viewership...,3 -omg i'm soooo fucking fuming,0 -Pages like AjPlus profit off our outrage... they serve no purpose other than to show us shit that pisses us off. Don't need that negativity,0 -Trying my hardest not to curse people off. I look annoyed for a reason don't tell me to smile bitch!,0 -@user please get Sebstian Gorka off of my tv. The whole trump admin. needs to stop deflecting by talking about Hillary. #awful,0 -@user I have at 7am so I have to get up around 5am to get ready! N also 7am classes are never pleasant 😭,3 -@user Couldn't have delivered without you @user - #inspiring #partnership #women,2 -"“Let us not become weary in doing good, for at the proper time we will reap a harvest if we do not give up.”\nGalatians 6:9 NIV",2 -omg they said kyungsoo looked gloomy and his instant smile after that i'm melting,1 -@user agreed but it had tessie by dropkicks playing outside of gameplay. #awful,0 -@user @user @user FYI speed trap on I-75/I-475 NB.Changes to 50 Mph . Slow down or receive a $120 ticket in mail! #angry,0 -love to see them interacting 😸🙏 #itsbeensolong #laughing,1 -@user I don't know my mouth was burning the whole time,3 -A woman is sterilised because she is certain that she doesn't want children. What exactly is there to discuss? 😠 #LooseWomen,0 -"Not only was @user and @user responsible for the unnecessary outrage of this movie, but made the director @user look bad",0 -"This the way I rage, \n\non sum wopstar shit ⭐️",0 -#happy #birthday #day trip #great day #super nice weather #blue sky #good mood #fun #love #ice cream #lycklig #födelsedag #öland,1 -@user Yeah funny and sexy 😍,1 -#depression is a condition which will affect an estimated one in five of the population at some point in their lives,3 -"@user I Feel sick reading this, when does it end? #dread #civil war? #sad",3 -@user 😂 He looked like a sea weed version of cousin IT from adams family and was reaaaally tall.,1 -how i drink two 40s and im still somewhat sober ?,1 -Oh Canada 🇨🇦 shouldn't be sung like that. #terrible #MLBTHESHOW17,0 -Mima tremendous at bringing the noise.,1 -@user Lol nah u subscrib 4 R60/pm. N pay R3 each day thus anada R90/pm. Lol stream n use de app using ur data. #smiles,1 -"Damn twitter making everybody mad, it's hilarious 😂",1 -this #overcast #cloudy #rainy weather makes me #lazy #glum and #sad,3 -this person hasn't uploaded episode six or seven of the lodge and i'm,0 -@user That'll be Madrid throwing a huff over Morata and De Gea. Fuck them,0 -I think #Saudis are responsible for most of the #islamic #terror in the world. Both with their #Wahhabism and by financing terrorists …,0 -🔝 #love #instagood #photooftheday @user #photoeveryday #cute #picture #beautiful #followme #happy #follow #fashion #pic #picoftheday,1 -Of course I've got a horrible cold and am breaking out 2 days before grad 👍🏼👍🏼👍🏼👍🏼👍🏼,3 -@user @user You are a man after God's heart and I am proud that you are my president. #BlessedAndGrateful #awesomeness,1 -"@user @user if I catch you making tea with water boiled up to 100 degrees, there will be dire consequences",0 -@user Wise you mean? 😅,1 -@user big revenge guy,0 -Remain attached to God during your happiness and during your sadness.,2 -"@user Jen, awful funny how the tide has turned on this show! I am elated and amused! Goes from love fest to oh we have collusion!",1 -Odd watching #Antifa extremists going full spectrum to become Fascists\n\n#Violence #Hate #angry #Clueless #YOUTH in mom's #basement come out,0 -#Work not to,3 -@user @user I'm fuming that you're fuming 🙄 #fuming,0 -@user @user @user I bet he needed to take an anime break and drink a Zima after all the furious typing.,0 -@user Exhausting for us. Imagine being so tightly wrapped that you're writing these 'think pieces' at such a furious rate. #medicated,0 -Haven't been on a holiday abroad in two years how depressing is that btw☹️,3 -sardonyx expresses herself through supporting the team with your incredible yo-yo skills and depression okay,3 -@user OMG poor you! It happened to me last summer. I saw my under skin 😰,3 -"The patients were increasingly protected during heart attacks, chains have encouraged smoke, anger and hundreds of new hospitals.",1 -@user you look shook! #afraid #shook #impeach #youaregoingdown,0 -Just added a copy of CANDIDE to my local Little Free Library & a guy grabbed it literally 5 seconds later #optimism #BestOfAllPossibleWorlds,2 -I feel so intimidated talking to chicken now that I know how pretty she is,1 -@user (c) grew with resentment for herself and the world around her.\n\nHer spine tingled as she heard the incessant clicking of a (c),0 -@user are we in for Lemar even though wenger was very coy about him in his press conference,1 -"My mother-in-law, in a fit of #rage, referred to someone as a 'yo-yo'.\n#yoyo #motherinlaw #amirite #fitofrage",0 -"@user Maybe don't nom so many raging dicks, Donny! Jeez, it's like teaching a baby to fly a jet!",0 -You know your (numerous)meds have kicked in when you find stupid things highly amusing #BPDproblems #KeepTalkingMH #mentalhealth,1 -@user believe it! you can start your temper tantrum now/,0 -@user Really?? Because music analyzes your screenshots with my microscope too??? I didn't think so #offended,0 -#LT a mom let her kid pay for the bus. The kid dropped the coins. I'm boiling in rage. My face may be straight bu my eyes say IMGONNAKILLYA,0 -Don't grieve over things so badly..,3 -"@user ballroom dancing class tomorrow, any advice for a first timer?",1 -"you begin to irritate me, primitive",0 -"@user It's been a little Twitter saga lately. The tea thing is horrific, plus they never have fresh milk to put in it.",0 -Just #snorted #laughing @user #outtakes @user @user #hilarious Best duo ever! @user,1 -They say ur a prdct of ur surroundings. A bit intimidated by the crazy amazing ppl I met @ @user @user @user @user,1 -Three more shifts then I start the next part of my tutorship in response #enjoyingthelastfewdays #excited #nervous #newchallanges,1 -This nightmare is nearly over gang gang gang,2 -@user It's an evening for lying around doing feck all. Looks like an October evening down here #miserable,3 -"@user Goddess, that poor girl 🙁",3 -i haven't had to speak maltese in over two years and now have relatives calling me about the trip and it's terrible 🙃,0 -@user i know 😰,3 -"Cold sores are the worst. The second you smile or laugh, it's over. Blood everywhere",3 -@user Ganguly chose? It is Kohli's provocation which compelled Dada to pick that pretentious fuck.,0 -@user @user She is Right shld burn them alive 😡 it's even more better if they burn you with ur brothers 😠,0 -#unforgiveness lives in the #dark,3 -@user shocked as well. but bc I cheer for another club in the swiss league…,2 -@user They give awful service and you haven't got back to my complaint yet. Can you guess the airline? #dontflyBA #annoyed,0 -@user So are you saying there's a good chance that two teams might *gasp* finish last? One in the East and one in the West? #offended,0 -"We're in the bathroom and you perch on the sink,\nI begin to infatuate, exasperate, resuscitate.",0 -Scared to leave the routine but excited to break out the mould 😖 #scared #confused #happy #undecided #excited,1 -"Whatever you want to do, if you want to be #great at it, you have to #love it and be able to make sacrifices for it. #Quotes for you",2 -That became obvious with the Morata saga. The fucking bitter old cunt turned down 70m for that sideman.,0 -Signs of Incipient Faggotry are the arsehole quivering and puckering.,0 -i'm nervous,3 -"'If you try to get rid of #fear and #anger without knowing their meaning, they will grow stronger and return.' \n― Deepak Chopra",0 -@user im sorry i voted jeans </3 u look banging who tf needs food anyway when ur a student existential dread feeds us,1 -Hey @user would it be safe to assume that this is the most disappointing #madden in years in your opinion?,3 -@user @user Yes it is. I especially love the ramble chat love when they go off topic for like ten minutes. #awesomeness,1 -this weather = my mood ☔ #miserable,3 -@user Why do you send me a sales email suggesting that I am procrastinating 'asking out Derek from accounts'? I am male.,0 -@user let that sink in,3 -She doesn't know how to smile! So be it! #pissed 😏😒😠😡😤👀👄👊👎🙍💔,0 -"Humble yourself in the sight of the LORD. If we have died in Christ, then how can we be offended? A dead person cannot feel anything, right?",2 -Chiropractor time #crackle #pop #chiropractor,1 -u can get an oreo shake at burger king,1 -It takes a smoke detector 4 months to stop beeping if you were wondering how #lazy I am. #lol #funny #Comedy #laughs #CrackMeUp #hilarious,1 -"@user Sir, what about 2G, 3G, 4G, Coalgate, scams Parliament Attack, Mumbai terror attacks despite intelligence input.",0 -watching that video and realizing that I've gotten uglier #depressed,3 -fuckfuckfuck my hands are shaking,0 -dark lucha truly is the best,1 -@user @user yeah you have not been the perfect patient like I was #dread,0 -I'm so sick of that 'I'm done w. My ex na we're never getting back together' crap so You can get back together in like a month 😂,0 -Come on blues #StateOfOrigin #Origin #NSWBlues #nsw,2 -@user Happy birthday cuzzo many blessing🙌🏾💪🏾🇳🇬💯#KeepGrinding #blessed,1 -"@user don't #worry, froggy\nit will SOON be TIME for #FROGFEARFRIDAY!",2 -I'm legit in the worst mood ever. #annoyed #irritated,0 -"I think that Nuclear weapon and Cyber weapon are big threats, but I think that the bigger threat is Scalar weapon ...\n#scalar #threat",0 -"Watching #ScottishOpenHeroChallenge from last night... Smoke, flames, tense sound effects and lively commentary.. #boring #dull #shite 🙈",0 -@user @user @user watching the #totalsolareclipse on ur channels right now #amazing what's happening in the #usa,1 -"faint glimpse of the circling stars. Presently, as I went on, still gaining velocity, the palpitation of night and day merged into one",1 -"@user You made me laugh today when you told a caller to turn up the volume, that you weren't doing the #MarvinGaye thing #levity",1 -'look at your face in a mirror... You are so fat and dark... You can't have lunch with us' #kids #meangirls #rude #insult,0 -I'm so angry,0 -"my name is sara, im 20 years old and i cant believe boiling an onion is making me cry",3 -Looking for good news today...not finding any on Twitter. Bummer. 😢 #depressing #badnews,3 -@user Jerrrrrr a woman is been stabbed in the face and now guys r arguing about her ass being real or not hehehee,0 -"AJ ends up being a terrible character, but no one in his family ever actually speaks to him. He witnesses so much and just gets sent away.",3 -"@user Like you said, its all propaganda against #Israel. Palestinian adults and their Govt are full of #hatred. So sad to see",3 -I hung up on my manager last night 😭,3 -@user Bro no you don't you'll be so dissapointed in me 😂 il let you read it next time you're down here tho 💁,3 -@user keep your head clear an focused. Do not let T intimidate you or use your children to silence you! Hate when a man does that!,0 -If your only response to this current political crap show is 'but Hillary!!' Or 'but Obama!!' you need to start looking for a new argument.,0 -"@user Although I have a nice vulva, I choose not to intimidate other women with it.",2 -every time i think abt hobi crying i start crying,3 -Don't justify Terrorism as communal hatred. #AmarnathTerrorAttack is sheer Act of cowardice. Let's unite together against terrorism. Luv all,2 -God bless him in Hong Kong! #ex,1 -@user The best of make up horror story...,1 -@user @user Naming India Lynchistan is not provocation terror is a provication even when terror has no religion.,0 -"@user Why don't you try nominating qualified people; B.DeVos, T.Pruitt, R.Perry,etc...really? They are terrible!",0 -#GameOfThones how can you top that next week #heartbreaking,3 -"John 14:27\nLet not your heart be troubled, neither let it be afraid. #peace #afraid",1 -@user At least smile a little holy crap Twiggy.,0 -"we will send video to proper agency ,state workers harass the public to fuel the ego of Scott Arniel and trial court what the bleep #bully",0 -@user Your majority is 635 members of the public- believe me you have offended rather more than 635 voters!,0 -@user @user no it was a selfie of him from seven months ago look at the top left of the snap people,1 -Do you ever just get so excited that you're trying to sleep & just can't even close you eyes😁like I really need this catnap but #excitement,1 -Fools! Little did you know that getting angry and trusting your instincts by walking right into my trap was a mistake!,0 -"Just know USA, all Canadians don't agree with what Khadr's settlement and his unwillingness to take responsibility for his actions. #outrage",0 -feeling like a grim reaper all day hehehe\n9 days pa 🎩✉️,3 -"@user Ha, sadly not: just the undying respect of your peers, I'm afraid...",3 -Look at this little guy! He is connecting to his magical self.😇\nWhat do you do to keep life magical?🌈 @user #magical #be,1 -@user The GOP controls the Senate. Blaming the Dems seems #sad.,3 -Life is too short to hide your feelings. Don't be afraid to say what you feel.,2 -#Sleep is my #drug. My bed is my dealer. My #alarm is the #cops. #School is the #jail. #TeamFollowBack,1 -"@user Oh no, jumper on again, has it turned colder? 😟 Have a terrific day🙋🏼🌸🌼🌻💕💕",1 -"and every time i cry hard, fear blankets me",3 -the thing about living near campus during the summer is that it's a ghost town but now everyone is back and im #annoyed,0 -get u a goofy shorty w/ a big heart & a anger problem..,0 -@user sad day Danny 😓you have been and still are a true Leeds rhino you have been brilliant at the club I will miss you,3 -"The one most important thing we forget. That we need to denounce terrorism, not stoke communalism #AmarnathTerrorAttack",0 -I fw @user he don't hesitate to speak his mind,2 -"@user Ah that's a neat idea, will check that out - might makes me more depressed about my slowness tho 🤣",3 -"Negative self-talk in #depression can extend to sleep, with catastrophic thinking about the impact of poor sleep fueling insomnia.",3 -Mentally suffered #iwanttodie #worthless #lifewithoutcolor #pain #suicidal,3 -So exhausted I could cry 😭,3 -@user @user @user You need a new tactic post-Trump/Brexit. Hurling that insult around no longer works I'm afraid.,0 -#Thoughtoftheday: 'Perpetual optimism is a force multiplier.' - Colin Powell #quote #optimism #positivity,2 -Part of #danielhive #insecure i got you,3 -"If I were my own republic, I would declare war on patchouli incense.",0 -"So, if you have a really tiny penis, get help, but please don't try to compensate on the road #bigcar #tinypenis #roadrage",0 -'Florian Picasso - Final Call' is raging at ShoutDRIVE!,0 -"He is holding her so close, wrapped his hands around her shoulder, she is holding them and they're both smiling. I'm still living. ☺️",1 -So apparently one of your bus drivers has a grudge against me @user I was passed while waiting for it to stop. Real service there..,0 -"#YummyMummiesAU Are you serious! Breastfeeding should be illegal?! You breathing our air should be illegal, dumbass! #stupid",0 -No offense to the girl next to me but dousing yourself with cheap cologne won't hide your rank smell,0 -this one lady literally parked next to me and scared the shit out of me 🙃,0 -Things that rage me: when I hear a man ask a woman if she thinks her skirt/dress is too short\n\n😨😵😠😡😤 #shame #rage #Feminism #feminist,0 -"Catching up on Greys, almost couldn't make it through two episodes because of how sad the storyline was. Two best/worst eps for me.",3 -@user Support Qld and you'd never be #angry,0 -The stupidest and weirdest thing people do. And what's more stupid than that? They upload it online. Oh my god. But good for laughter ah. 🤣🤣,1 -oh how i just love love love glee doing billy joel's numbers!!!!,1 -Wonder how many times connor says fuck in press conference #lost count,0 -Every day I dread doing an 8 hour shift in retail 🙂,3 -"Psalm 2:12 Kiss the Son, lest He be angry, And you perish in the way, When His wrath is kindled but a little.",0 -"So excited for the final 10 eps of @user So happy @user is back and @user returns, as well as @user 😄❤",1 -that moment when you feel meaningless and just feeling like you cant do anything right =*( #foreveralone,3 -One of those days. #Mentalhealth #Anxiety #agoraphobia #panic #depression #OCD,3 -My neck still hurting though... 😥,3 -@user I know it bothers me that u worry my love@zae200012 😢😢,3 -"@user @user oh, that too! 🤣",1 -on the upside i saw a corgi puppy on the tube today. my shining light in the dark.,1 -When you miss a call from @user #devastated 😭 I'm trying not to #cry 😭,3 -Be fuming if Sunderland sign Murphy like. He was crap when we first signed him and he's still crap now,0 -"The use of violence, threat of violence and intimidation just tag zany pf. Very good at it.",0 -@user Think it lost its heart after the second version. Third was disappointing and haven't played the fourth yet,3 -@user This is goin to be as good as rocky vs hogan #terrible #ohnowhatisyoudoingbaby,0 -@user @user Hope to come #yay Do u have central accom list plse? (Lone gal trying to avoid taxis 😉) 🏰 #History #joy,1 -Codes? Lyft codes? We got em! Use: OATH #Great deals are here for you now #LOVEISLOVE,1 -I'm sorry. Im much more interested in the #BachelorInParadise rose ceremony than whatever @user has. #seriously,3 -Prepare to suffer the sting of Ghost Rider's power! Prepare to know the true meaning of hell!,0 -#AmarnathTerrorAttack @user @user cn u plz ans wt u r afrd of or wt stpng u to end #terrorism wn whol #India is stndng wth u,3 -@user i'm very happy glad or whatever the feelings i'm not into dramas,1 -@user @user You. Sir are a alarmist unsubstantiated facts. And a idiot,0 -@user @user it is indeed time 4 you 2 create the Ghost Filter 👻 please🙏🏾#CanWeGetAGhostFilter ??? #snapchat #ghostfilter #retweet,2 -Thousands of pickled dunder-headed anthracites ! #furious,0 -Usually the things you are most #afraid of are the most #worthwhile. #FACT #TeamFollowBack #rocktheretweet,2 -@user no air working in the 1sr carriage of the 18:03 from Victoria to Bognor. #boiling #southernfail,0 -"@user awe feels or que :,(",3 -To be really knowledgeable and really petty is such a delight to behold.,1 -"An #angry #person may lose his/her objectivity, empathy, prudence or thoughtfulness and may cause harm to others.",0 -"Said it once and I'll probably say it again, anything more depressing than making your sandwiches for work the next day #cry",3 -"@user Please, please do something about her! Where's Kayleigh, Jack, Jeff? Ugh. #awful #doctor?",0 -"They are burning not Muslims Economy,\nThey are burning the Economy of Sri-Lanka",0 -Why o they call it a happy mea. if it tastes like a whole lot like depression.,3 -Johnny doesn't seem like the suicidal type #suspicion #tcmparty,3 -"Wow that last chick was a bit intense, poor Freddie was a bit unnerved lol #NinjaWarriorAU",1 -"If I see one more Lakshmi EX enrage, I'm kill someone.",0 -filled with sophisticated glum,3 -"lonely is not being alone, it's the feeling that no one cares. #alone #depressed #anxiety",3 -or just blame the gloomy weather,3 -"I dreamt that my dog, Snoopy, came back to life. Man I miss that dog 🙁",3 -But DAMN the sight of them getting scared af makes me feeel SOOO BAD! Which they should feel afraid cause if their mom don't come n it them,3 -@user after you said an apple pie isn't naughty I really want Chris or @user to say 'but a cream pie is' #naughymind #rage,0 -Sometimes in #life ....\nSee the #statement itself #sounds so #temporary\nNothing is permanent isn't it?\nSo #never #worry let it go & #moveon,2 -From the archives... Strikeforce Champ Ronda Rousey 301 #chirp #church #mayhemmiller #naked #rip #rondarousey #twitter,3 -Tomorrow should be interesting if info is being released re away priority & Canalside membership! #outrage #htafc,0 -@user i cant wait for the day you release the album so that i can finally unleash my fury \n\ni hate this long ass hiatus ok afshdkflckakdbwi,0 -@user yessss waiting for an epi is for the birds. it sucks. im waiting for walking dead new season😩,0 -#note8 #animated said pen. Amazing. Wife loves this one,1 -"@user @user It ruins my frigging night each night at 9pm. Mrs loves it, i've been early to bed for a month.",0 -Ugh @user really do have the worst customer service!!!!!!! #astounded,0 -I'm fuming I wanted Hamez,0 -"My main concern are the children and his wife thats if she is still stuck with him and if she is, then she's strong af. Jeez 😟",3 -@user omg. Who is this nan Hayworth person and where did she come from? Send her back!#sad #bad,3 -@user Been there done that,1 -i want to ruffle jungkook's hair.... this is so sad,3 -Don't be afraid to ask questions! He's real & there's always a revelation.,2 -@user Wow I've just spotted the cutest human being alive #blessed 😍,1 -I've seen the innocence leave your eyes. I still mourn this death.,3 -@user I coloured my hair bright red AND had a dodgy fringe. #dreadful #nophotos #thankgoodness #betterblonde,1 -You couldn't mind me up more if you tried right now raging 🙃😠,0 -Robert called me to make sure I was awake for my night class,1 -@user Fuck off. Enough of this fake solidarity. #NotInMyName was a rabid #Hinduphobic campaign. Stop giving them legitimacy.,0 -@user #croydonparkhotel will be receiving a big complaint from me tomorrow #worseservice #rudestaff #furious,0 -I hate these crippling anxiety. :(,3 -I finally got my drivers permit #yes #readytodrive #nervous #scared,1 -'....trying to work out how a band featuring Corin Tucker and Peter Buck (REM) could be so bad.' WAAHHHHH @user #devastated,3 -"@user @user My shirt did not arrive today as promised, I even pre-ordered it in June, who do I make my complaint to ?",0 -"@user aw, you make me smile, too.😉😘",1 -@user @user Eng.R u call a spade a spade if u were good lets all mourn but if you not pop a bottle and say good riddace,3 -I should wear black & mourn a lil'.,3 -"@user I've tried to get through 3 times today and waited 20 mins each time, what do I have to do to get through?!",0 -Getting up for work is so much harder when Charles doesn't have to 🙁,3 -@user when you try to place an order on PLT website and it comes up with an error but still take money out of my account #fuming,0 -@user Looking at babies just makes me cross my legs and wince 😂,1 -@user @user So what's wrong in burning the terrorists alive? If they kill you do you want biryanis and award in return,0 -had noodles for tea\nyummmmmmy\n#yum #yummy #ddlg #abdl #chgl #noodles,1 -The times when you need someone to lean on but sadly they are only there if they need you,3 -@user Id argue that sakura space is the best of the franchise and its not on your list. #dissapointed,3 -@user because one of the main symptoms is restlessness and it could explain why he isn't able to sleep/might not want to,3 -"Wow ... I don't know who Jocelyn Alice is, but judging by her rendition of Oh Canada, I'll never buy any of her music #AllStarGame #awful",0 -@user is dani alves really going to go to PSG in your opinion #nervous,3 -My heart is hurting because I had to pour my milk out because something was in it 😭,3 -3. There is already a lot of resentment against the coal miner and union crowd among the liberals. They are seen as racist and as having,0 -"So, basically, Donald Trump was so intimidated by Hillary Clinton that he sought foreign assistance (including cyberattacks) to 'win'?",0 -@user Have the most wonderful day Ian.,1 -Why is @user 'busted' bc he spoke w/Russian lawyer? He's a world bizman. Where was the outrage bc @user honeymooned there?,0 -Did they offend us and they want it to sound new?,0 -@user An outrage,0 -I've seen some get so discouraged in their old age becos they aren't physically able 2 do the things for God they used 2 do in their youth.,3 -Holding a #grudge is like allowing someone to #live #rent #free in your #head #WednesdayWisdom #MotivationalQuotes,2 -Looking up some phone prices online and it just saddens me even more 😧,3 -QLD are like the All Blacks #relentless,0 -@user use the F word as much as you need to. People may start to listen. :),2 -@user It used to scare me too... But it's better this way.,2 -Another blow for students as the SU have shunned wildcats for fear they will offend Dr. Dre.,3 -"We get #upset when we are #overlooked for doing things for others, even small things. Imagine how #Jesus feels when he died for our sins.",3 -"Lying at the pool with John , ice cream , drinks, 29 degrees and listening to busted ✌🏼️ #bliss",1 -Morning Swindon!\nIs there any chance you can cheer yourself up a bit?!! #bleak 😝,3 -Words cannot describe the sheer pain of the blisters caused by these new sandals. I am this close to going barefoot all the way home #grim,3 -@user @user Happy birthday Mom what a wonderful cake delivery youre blessed,1 -"Have you ever spoke in tongues, don't be afraid.",0 -LibertySeeds: realDonaldTrump LizCrokin Great #start for #MAGA ...,1 -@user Really it was very sad and shame!!!,3 -blood rage,0 -"Feeling slightly apprehensive, but amazing after this weekend off😊",1 -Having a movie day with my favorite today 😄 god I love my lil goth bean.,1 -"Quote of the day comes from Queen Cersei herself @user 'Power hungry people are fearful, otherwise why wouldn't you just chill?' 👏",2 -"@user @user It's what they'll be known for. Temper tantrums, obstruction, working against the American people.",0 -@user I think I will tomorrow. I ain't ready for all those feels though. 😥,3 -@user Nope we don't have it. It's an #outrage,0 -"Jordan is helping Arya hunt a moth, lifting her up to get it on the walls. it's super adorable. #kitten #boyfriend #adorable #hunting",1 -@user homyghad 😢,3 -Daniel killing her ex doeee🍫🍫🍫😛 #insecure,3 -Paul is such a fucking bully! Dam leave the poor guy alone. He went on #BB19 to play the game same as you SMDH pathetic #annoyed #worstvet,0 -I was so scared!.. I thought I lost another daughter tonight. #grateful OTM❤,1 -"@user Bullies, rudeness and littering all make me #mad!",0 -I'm blessed with a wonderful older sister I'm so happy,1 -@user Same as the bully in second grade. Classic.,0 -"The number of ppl who took it the wrong way is not that alarming, but srsly why do u think lyt dat man oy 😊",1 -"@user One of the twins was sleeping next to me. I tried to cover my laughter, but I shook so hard she woke up!",1 -@user @user @user I confess I didn't watch last week. #bad Are you going to do an episode on accessibility?,3 -"bro im fuming right now how the fuck did we hand them over james for 45m, we probably paid for his plane ticket aswell so shameless",0 -"Dirty Den returns, bursting forth from his grave to deliver a horrible vengeance.",0 -"Over 9 hours, 6 trains and 7 stations only to be back where I started #nightmare",0 -Idk why tiff always have a 6:30 am alarm that rings everyday for,0 -You won't find #excuses if you seek #optimism. #realtalk,2 -Does anybody mom annoy them just by talking and she probably not even trying to annoy you 😂,0 -@user well be offended then cause im speakin truths here 😜,0 -Well played radio station. Playing the song 'Total Eclipse of the Heart' at the start of the eclipse! #Eclipse #brilliant,1 -@user Sometimes our judiciary just leaves you breathless and speechless.,0 -Don't be discouraged.,2 -@user @user Did you not film them when we equalised ? Hmm didn't think so #disappointing,3 -What a raucous crowd today @user #GCSArtsPD17! How often does one hear applause and cheers at PD?! #excitement @user @user,1 -I'm actually very irritated 😡,0 -@user : We need more mutual #trust to increase #security & fight #terrorism & #radicalization in Europe #osce17AUT #Diplomacy140,2 -"I feel bad for people who don't understand my sarcasm. They think I'm mean, but really I'm hysterical & they don't realize it. #sad #funny",3 -"Me: How much price for this poster of this sexy man? Sales Clerk: That's a mirror, sir.\n #LaughOutLoud",1 -"By the lack of cheers for cozart when he was announced, one would assume people don't know who the reds are. #cincysports #depressing",3 -I hate the smell of cigarettes.. 😠,0 -You won't reach a #goal you hide in a drawer. Keep it in front of your face at all times. #WednesdayWisdom,2 -"And now that Im having the other way around, i feel so upset and sad",3 -I need a beer #irritated,0 -I cry whenever they call me mico chan 😭,3 -"yikes got my first job interview next week, haven't had one in years",1 -Time to get my dreads back I miss them 😩😩 #dread head #girlswithdreads,3 -"@user It's a bit sad really. You'd think that he/she/it had something better to do, wouldn't you?",3 -@user haha Use separate sheet if necessary 😆,1 -@user @user Don't insult donkeys,0 -"You can be discouraged by failure or you can learn from it. -- Thomas J. Watson,#motivationalquote,#success",2 -@user Unbelievable #arrogance to think you know better than #StephenHawking .,0 -I want a whole show of @user just reading emojis. #adorable #inners,1 -Attention seeker Chris Uhlmann highly aroused over the attention he drew to himself now enjoying some fists of fury time @user @user,1 -@user @user @user they need time to grieve.,3 -New Lyft User? Use code to get credit: INVITES #Hey coupon clippers! #cheery #LyftNOW,1 -Mummy came home and ordered pizza even though there's food in the fridge. I ain't fighting the hypocrisy this time #jalepenos #pine #chicken,1 -@user Don Jr lawyered up with the wrong folk. He aint so bright.,3 -What can you say about @user #awestruck.....,1 -Day 1 tom 😱,1 -I can feel my skull shatter from the dull chatter\nBrain spattered on the wall\nGrey stains won't dissolve\nNow I have to paint it all,3 -@user Yeah I'd terminate your contract. I had a similar problem in last place where I was told I should have 'business broadband' 😠,0 -"#Impeach\nJust a reminder - we have a bratty, infantile, insecure man running the country & congress is allowing him to throw his tantrums.",0 -@user is such an #ass. He thinks being #president is his stage to get #attention. He's like a baby throwing a #tantrum,0 -Alien Newborn - Alien: Resurrection (Sideshow Collectibles) - This thing really was an abomination! #horror #aliens #figures,0 -#good to learning #wisdom << reform (v): make in order to improve something >>,2 -Having a 280 day snap streak end is heartbreaking,3 -I am trying to get through to the #RAC because I've had a car collision..been waiting in a queue for 16 minutes #shocking,0 -Going to #BigApple tomorrow! Loving #NJTransit #commute! Wearing #khakis #whiteshirt #maybeblue #brownshoes #macys #joy #jealousyet?\n#usa,1 -@user Yea I'm going to go back when I get off work because that's ridiculous 😭 I'm super pissed,0 -"no offense to those who love k culture, u can love it all you want bbs!! 💖 but i just personally want to get to know my own country's-",2 -There's nothing more #depressing to me than thinking about how many times I will shave my legs in my lifetime. #showerthoughts #writer,3 -"@user Most pathetic after service experience for Baleno servicing, #horrible Feel i have made a mistake buying",0 -Strapless wedding dresses look awful on most people. \nJulianne Hough looked great 👌🏼,1 -Lady singing really loudly with headphones on making everyone giggle @user #train #journey #smile,1 -He is very playful and can hardly stay in one spot.,1 -"Carlsbad #Rouladen is one #delicious, hearty, home-style dish! Stop by and let us know how you like it! #getdtl #ldnont #chaucers #marienbad",1 -Really sad to hear about terror attack on pilgrims. Condolences with victims family #NotInMyName,3 -@user @user This is what happens when blinded by raging hatred,0 -Why so sensitive?! Did someone put you in your place???? #awe #shutthefuckup,0 -The optimist sees opportunity in every #barbecue; the pessimist sees barbecue in every opportunity.,2 -#funny #quote #joke Hilarious joke quote of the day! For more funny jokes pics and great humor quote,1 -@user Happy to help :) If there is anything we can do for you please don't hesitate to ask. - Thanks - James K,1 -@user @user Ugh! Not those vile men again. 😱,0 -The excitement I get when I see tipping point is on tv is rather sad,3 -Every time I fart my dog jumps in fear hahahaha yass,1 -Fuck @user Let us go for #splendid isolation !,0 -"@user trembled, the #earth quaked, and it became a very great #panic. [2/2]",3 -Looking for a Lyft ride? $50 free w/ Lyft Code: CLEO # MK #mirthful #LOVETOSAVEMONEY,1 -"You still have hope Of being lonely, apart, not having a baby. #dismal",3 -@user @user Ugh..hate Manarino got this game 😦,0 -@user Whats more sad are the adults who continue to do it afterwards,3 -#dull start,3 -Accidentally looked directly into the solar eclipse. Didn't die. Didn't get superpowers either. #disappointing #SolarEclispe2017,3 -@user @user This is such a pleasing color palette!,1 -"The good thing about being a pessimist is that when I have low expectations all the time, I am pleasantly surprised more often. #pessimist",3 -You grieve for those who should not be grieved for;\n#KissablesLoveSMShopmag\nAllOutDenimFor KISSMARC,3 -@user U make my heart flutter,1 -I get so heated when I see people go to Thailand and post pictures at places I KNOW animals are exploited and abused. #fuming 🙃,0 -"One hour great, next hour, bullshit! Welcome to Goodyear! #😠",0 -"@user #PrimeDay , free slurpee day at 7-11's, national chicken day, i got some multitasking to do and squeeze in my dr. Appt 😧",1 -@user #awesome news for the blues,1 -"my dog is a dick. started crying. got on the floor to see wuts up, rite? lil bitch start biting the shit out of me",0 -It's #AmazonPrimeDay! And I'm #broke. So in reality it just another day for me #depressing,3 -@user he knows wonwoo can't hold any longer when his fingers trembling uncontrollably :( so sol gives his mask for wonwoo and,3 -"@user Network bandwidth died after 9gb offer reedemed, damaging loyal customer relations #improve",0 -"We face elimination tonight, 6:15 @ Mahoney #RoadToMahoney #optimism",2 -@user So horrifying. I feel such sadness for the families.,3 -@user #TuesdayThoughts #horror damn it's tough to chose. But I will go to camp crystal lake but not as counselors😁,1 -It bugs me that people concern themselves so much with what other people CHOOSE to do with their money 😂🙈,0 -when will i ever be happy with myself?,3 -although I laugh and I act like a clown beneath this mask I am wearing a frown my tears are falling like rain from the sky,3 -Trying not to be annoyed but I keep getting told I'm on lists for things and then everyone's on the list except for me 😞,3 -Up early. Kicking ass and taking names. #offense.,0 -If people tweeting about #loveisland we're as passionate about other topics the world would be a much better place! #dull,3 -@user I'm sorry for any disappointment Aaron. It could be worth asking to move seats if you aren't happy to sit by the exit ^BM,3 -@user @user Don't worry Narendra Modi is not Manmohan Singh.,2 -Damn I just walked up to the train station and I literally died,3 -Hey @user you're going to go to jail one day.,0 -Too many of us are not living our #dreams because we are living our #fears.,2 -"Each of ye separate FALLEN; if we quickening his wrath upon us, will only cause our PAIN to be more unbearable in that PIT.",3 -Okay this girl On teen mom is screaming but she only 2 cm dilated 😭 when I was 2 cm I was just pissed bc she wouldn't give me water,0 -10/10 do not recommend burning your scalp in the sun. my parting is glowing red and it burns 😂 where’s a cap when you need one?,0 -@user Heeeeeey shilaaang 🙁,1 -@user Nashville Sound lyric book edition! #glee,1 -I'm so upset 😭,3 -@user made your Chicken Tikka Masala w/ cauliflower & peas tonight. So delicious didn't even get a chance to snap a pic! #delicious,1 -All these boring stations with this side bully just being tough on someone sha\n... 😞😑😑😑,0 -"@user growl like a dog, see if she lifts herself off and gives you space?",0 -"please, more comments from #tweeters that don't look at charts! #adorable $snap",1 -@user & @user THANK YOU for the retweets. Much #appreciated!!! #horror #monsters #MonsterBrawl @user,1 -@user I was fuming at this!!!,0 -ha 🙃 ha 🙃 i just realised that i've never actually been to therapy and i still don't know if i'm depressed or just sad all the time,3 -@user @user these kind of cops are the reason people hate cops & cant trust anything,0 -Cannot express my #hatred for @user they even screw me at work! 😠 this is 2nd time they cut our lines #idiots #worthless #needtobefined,0 -@user Guts? 😂😂😂 go and sunk your face in sand,0 -"If the blues were whiskey , I'd stay drunk all the time",3 -It's 6:30 in the morning and I'm dry ass up 😂,3 -@user I remember when Ron Reagan said tear down that wall. Trump is so afraid of 'others' he obviously doesn't feel safe.,0 -@user I woke up in dread too. #2017,3 -"@user @user No empathetic and realistic, I know when enough is enough unlike the rabid GOSH bashing mob.",0 -"@user Mr President. Hell hath no fury like a Democrap scorned! They offer no alternatives, just obstruct. That's all they have.",0 -Love it when @user is laughing as hard at @user rif as I am! 😂 #crying 🤣🤣 #chateaubriand @user,1 -@user Glad it went well 😄,1 -#sadness #cry 💔 dad will never understand his 3rd child,3 -@user @user I got the 'currently not available for online purchase.' #cry,3 -"The gravediggers looked #solemn. The groundhog blinked back tears. The crows fell silent.\nHey, what about ME! crowed the rooster.\n#vss365",3 -idk if i should be angry or happy that a local & trusted online shop i've been following since 2015 is already doing wanna one g/o's KJDSAHK,0 -McGregor is a clown 😂😂😂 #hilarious #MayweatherVsMcGregor,1 -@user I'm enjoying this so much😂 they're hilarious. I've a headache from laughing... I need to stop now.,1 -@user hopefully you are always #smiling TY #appreciate ya,1 -"@user Omg you're savage prof, this is hilarious 🤣🤣",1 -hey @user what happened to the strawberry and black current ones 🙁,3 -@user @user @user Still spreading the lies that Clinton allowed something like it was her sole decision. #sad,3 -My innocent eyes 😭,3 -"We can complain because rose bushes have thorns, or rejoice because thorn bushes have roses. Abraham Lincoln #optimism #FLOW #nonresistance",2 -one tweet:‘Over the coming weeks we'll be continuing to threaten various bluetick dipsh**s with imprisonment under a socialist government.’,0 -really wanna dye me hair a bright colour but iv spent all this time growing the dye out,2 -Going over the #script for this weekend! Can't wait to start #filmming! #actorslife #ActressLife #actress #horrorfilm #HorrorMovies,1 -@user Because Ken is a rabid lefty extremist and propagandist.,0 -Who also miss glee ? #gleek #glee #GleeForever #DreamsComeTrue #dontstopbelieving #gleecast @user,3 -i think i'll be sad from today until 357632477 years later....im not getting over this sadness,3 -@user Just ran out of data… #shiver,3 -"@user the only enjoyment I have at the moment, that is how sad my life is",3 -@user why on earth do you keep changing the channels? There is no logic to it and makes recording impossible!!!! #frustrated #angry,0 -"Let us not look back in anger or forward in fear, but around in awareness. – James Thurber",2 -"Before I even understood what was happening, I'd feel this pang of sadness whenever we parted 😥 #firstlove #bliss #books #lovehurts",3 -"@user Its been 6months i am behind this issue, i will nit allow you guys to bully me around like this",0 -"@user Looks like City fans are already blaming the ref for a shock defeat at Bournemouth, #amusing",1 -@user Man u r just bitter about Manu making great strides...,0 -Do you know how terrible that stuff is for you?,0 -@user @user There might be a spec of hope at the end of this horrific tunnel,2 -Goodevening 😆,1 -Chicken n stuffing going in the crockpot for din din. #getinmybelly,1 -"The Majority is angry. Use of words like Kashmiriyat infuriate it further. Hope ministers, spokesmen weigh words ...",0 -Today all India Bank strike? WTH. Was this announced? What's this strike for?,0 -@user Sorry to hear that Mark 😢,3 -"Nice one #EE so much for data protection, not impressed that you can talk to someone the opposite sex who guessed my password,",0 -#Merkel has supported all #Israeli #terror initiatives opposing the #Palestinian bid for membership at the #UN.,3 -"@user No offense, but this post makes you look like an opinion disrespecter.",0 -Have funny feeling this #mayweather #McGregor will become a trilogy. Why make 550 million? When you can make it 3x hmmm #suspicion ? 💵💰,1 -just watch a revenge movie or write it down in a journal and let it all out,0 -@user what a terrible company not had a working dishwasher now for 7-8 weeks awaiting 5 th engineer. I am disabled and need this !,0 -No legit though this is my first ever experience and it's when I don't wear makeup so was pretty ironic tbh #giggle but no ta pal,1 -@user Loves the rich!!! Fuck us 'working class folk' and our kids! #fuming #joke #scandalous #disgusting #altontowers 😡😡,0 -@user @user not deep. I'ts called depression and psycologists can help,3 -Defendant greets the bench with a cheery 'hello!'. He is late arriving at court because he was collecting his methadone script. #SwansMags,1 -We cannot let @user #bully any #indiedev into paying them for a 'faster lane'. Most indie devs don't have these funds. But @user does!,0 -@user all of this!If the GOP continues to back this mob connected man you will have tremendous regret in 2018 the voters will make sure,0 -@user Macron slips up and has a moment of clarity & common sense...now he is a raging racist. Sounds right. #LiberalLogic,0 -"I had some weird dreams last night. First about dogs whose heads explode and roaches come out. Second, dark clouds and flying into space.",3 -Important read on the difference between #pleasure and #happiness and the relationship between #digitaltechnology #addiction & #depression,1 -"@user 🤦🏻‍♀️ We were warned. And now we basically only have the choice between Trump, Pence, Ryan, et al for POTUS 🤢",3 -I graduated yesterday and already had 8 family members asking what job I've got now 😂 #nightmare,3 -It's kind of shocking how amazing your rodeo family is when the time comes that you need someone,0 -Duty calls. 😧,0 -@user Miss Gale I'd really really appreciate a follow back!! I'm one of your biggest fans!,1 -@user YOU NEVER TOLD MOI #jkjk,3 -2Chainz my nigga 😊,1 -@user Why dont you have nothing #to. #insult #justajoke #seriously,0 -I really love @user really great start to this season. #resist,1 -@user 'I spent so looking want to look like a Kardashian I don't give even give a f**k it's the dad'😂😂😂😂 omfg😂😭😭😂 #hilarious,1 -"No, I'm not 'depressed because of the weather,' I'm depressed because I have #depression #sicknotweak",3 -Cancelled trains make me so mad because we could've spent more time with Kodak in the morning 😡 #ihatetuesdays #ffffff,0 -The wildest shit just happened at work I'm astounded,0 -Documentary narrator just referred to multiple octopus as octopuses and not octopi. What do i do now? Where is my congressman. #outrage,0 -@user Video N/A 😟,3 -Any #GOP senator who refuses to #RepealAndReplace needs to bear the #wrath of their constituents @ polls home state! #healthcare #price2pay,0 -Down to one roll... Wonderful I need more toilet paper. #personalassistant,1 -@user @user Interestingly shocking and sad! American Judiciary is seriously flawed!,3 -I should've stayed in bed.,3 -#RepChrisCollins 🎃 #spins #excuses for #hatred #racism Everyone in #America heard #Trump🎃say some #WhiteSupremacists are #GOODpeople ✅MSNBC,0 -just released two videos in honer of Cory Monteith and Finn Hundson go wath link in bio\n@CoryMonteith @user #glee,1 -Seems like the only time spent sober these past few days was when I was sleeping. And even then I was waking up faded lol,1 -"Shall rest by day, a fiery gleam by night;",1 -I keep it real.. sorry if you get offended 🤷🏽‍♂️,3 -See people now selling their #MayMac presss conference tickets at Wembley for £100 now when they were free. Scum cunts!!! 😡,0 -"In order to #expand beyond the places that are familiar, you have to do things that scare you.",2 -@user #horrible experience #not satisfied #low on standards,0 -#theearlyshow my musical.ly is mariam_marigold @user #lively #musical.ly,1 -@user @user If I could just pick 8 of them then I'd have no trouble picking who I wanted 🤣,2 -@user @user @user @user I can't even find tickets anymore gunna call it a day and go cry in the corner I think 😭 lol,3 -@user Thanks bby 💚 tiff got a pair too so I'll probably steal hers lol,1 -kokobop is such a weird name\nbut I remember that it is said to be more lit that growl and it is #EXO so I'm accepting the name,2 -"@user And i'm serious, 20-23 july, singapore, holiday (and accompany my friend for job interview), with one of my friend.",2 -@user at his best.... Great to watch u go big sir. #tremendous hits \nDts boom boom Afridi 😍,1 -@user But smiling 😄☔️,1 -Hating this already 😟,0 -"@user Yeah, his heart is evil and his speech reflected that. Says a lot about your character that you find it 'awesome'. How",0 -Whoever decided to put chat functions on company websites for customer service deserves all the medals. I hate talking on the phone,0 -@user @user The left is sooo rabid for something of substance; yet they are forced to feed off innuendo and smearing,0 -Is it okay to think you are going to die alone? #sadness,3 -@user But sadly.. you are too busy with your new drama 😞,3 -@user @user I used to make the peanut butter energy balls all the time. My famjam loved them! #recipes #yummy,1 -"@user I’m glad to hear that, Kara. Don’t hesitate to get in touch again if you need to! Cheryl",1 -Edge of my seat @user loved it #dragonsontheWall,1 -@user #더쇼 #GOT7 #니가하면 rthrc #IFYOUDO #mad treeq,0 -"Don't start anything prematurely, even when u do learn your lesson early enough, know when it's just ur fears or when u need to back it up",2 -"on July 13th,1989 in #Vienna , #Ghassemlou & his fellows was #terror by the agents of the #Iranian regime\n#Iran #Terrorism \n#twitterkurds",0 -@user @user @user The official pi jam kit has arrived! #RaspberryPi #excitement,1 -I made a joke & my boyfriend laughed but when I looked over he was actually laughing at a video on his phone #sad #</3 #hurting #brokenheart,3 -Today if i was a colour it would be red !!! #rage,0 -13) mutual whos always online - @user bc we have to bully her to get to sleep,1 -"Just a side #thought, everything takes #time and #effort ... #annoyed",0 -Somebody called y'all president a fucknugget 😂😂 idk what that is but it was the laugh I needed this morning 😭,1 -@user congratulations on becoming a senior lecturer! Well deserved 😄,1 -Some white folks were jumping in joy when they thought Floyd Mayweather was broke 😂,1 -When you baby has their first temperature and all you do is worry #firsttimemum #firsttimemom #newborn #baby #sickbaby #worry,3 -#furious as fuck!!,0 -I rage quit on Minecraft and I deleted the game. #rage,0 -yas bret you're always making me laugh ily 😘 @user,1 -These guys really out here disrespecting women while their moms still be doing their laundry. 🤣,0 -A solitary rogue long hair now in my left ear? Its retreating from my head & yet is relentless up my nose? Hair takes the piss...,0 -"Lucky enough to not burn off ALL of my right eye lashes, unlucky enough to burn them just short enough to irritate all of my OCD tendencies",0 -Thx @user for hosting us @user ❤️ my boys @user @user @user 😍 #great #nite,1 -"@user @user @user @user And I apologised like 15 times and you're still holding a grudge, can't help thag",3 -"@user You have to follow @user . He's a professional gambler, mostly daily fantasy, but he will wager on anything. #angry",0 -"TFW you, a superhero introvert, have to let strangers into your house to mess around w the bathroom plumbing. #thecatsandIarehiding",0 -"@user Hi Miguel, that's awesome! Thank you very much for updating us! 😄 -Claire",1 -@user Every #girl #nightmare ha ha ha (~.~)!!,1 -Best thing about the #bossbaby film has to be the wizard alarm clock doing lotr quotes!,1 -#ease is a greater #threat to #progress than #hardship.,2 -"There is at least one alternate universe where Trump stayed a democrat, beat HRC for the nom, and got elected as a Democratic president.",2 -The best thing about #australianninjawarrior tonight is watching the failed attempts on the bomb slider. #hilarious #laughingsohard 🤣🤣🤣,1 -@user Stupid cunt is relentless with his bullshit,0 -and CLEARLY all this #breathless coverage isn't covering the REAL #Collusion story - #DNC & #UkraineCollusion !!,0 -@user #Love lights #up old tasks will soon going and!!! #serious,2 -@user Hahahahahahahah a want to move out as well 😢,3 -Dry overnight here in Newmarket with a cool sunny start but set fair for Ladies Day #good ground,1 -Fed up of smiling at old people and getting dirty looks in return. Go fuck yourself Mildred you miserable prick,0 -Love u so much but u always get angry at me😔,3 -Found out the peraon i liked wanted to that someone else #sadness,3 -"#Hateful , #horrible , #horrendous ... = last night's speech in summary @user @user @user #PhoenixProtests #PhoenixRally",0 -Absolutely loving that people watching the #eclipse are cheering - for the sun! For the moon! For wonder! 💜 #beautiful,1 -"@user i go back at the end of each year and look at the swag they marketed, to include last years training camp guide #depressing",3 -"Happy 12th birthday to my Neopet! #retro\nHappy 75th birthday, Harrison Ford! #legendary\nHappy 80th birthday, Krispy Kreme! #delicious",1 -@user @user Sort it out @user,2 -Having fun today at Mad museum Stratford upon Avon,1 -Coming up on snap chat so add me asap MATEO_BKNY #snapchat,1 -#sebastiangorka is unwatchable and despicable! #nothuman #fascist #bully #liar #vomitinducing,0 -@user @user @user nervous laughter ensues,1 -I don't fear the unsettling demons inside of me. I let them conquer the weakest nook of my soul for that is the only provenance of my power.,2 -The second type of #anger is named 'settled and deliberate' and is a reaction to perceived deliberate harm or unfair treatment by others.,0 -Antonio Conte and Chelsea must be fuming. First Lukaku to UTD and now James Rodriguez to Bayern.,0 -its #easy to be #unhappy 😐,3 -@user @user @user @user @user @user Since when was being 'fair to Scotland' a concern for the British state?,0 -@user Fuck sake i'm fuming. on the upside at least I can keep loving the bloke and that he didn't sign for Chelsea or Liverpool..,0 -"@user Off to jail with lots of other like minded muslims, with his koran, prayer mat, halal #islam = #terrorism",0 -I thought the eclipse would make it not so damn hot outside today #disappointment,3 -"@user The difference of being a third country in negotiations, as opposed to a member state, hasn't sunk in yet",0 -"I actually hate Vision. Coming over from @user is like moving from Man City to QPR. A league below, past it and clouded in chaos.",0 -Hello.. I need Some Grumpy Cat Leggings A.s.a.p. Mmmkay😂😍 #adorable #cute #infj,1 -"@user So she's saying that the mountain of verifiable evidence that says otherwise is all fake news? Well, there's a surprise! 🤣",1 -"@user @user The people worth knowing never behave like that, so methinks it's a bit of denial and resentment",0 -Good to see India indignant about Amarnath Yatra. Do also try and visit the area around it too. There may be some more graves to weep for.,3 -"Dating a skinny girl is fun though, anytime you get bored you start counting her ribs and measuring her spinal cord! #happy",1 -I'M PISSED!! NOTHING HAPPENED DURING THE ECLIPSE!! NOTHING!!!! #party,0 -@user @user Christy is a bigger piece of shit then trump is and a bully.,0 -"#Amazon's #PrimeDay debut in #India was #disappointing, maybe next year it will get better..glad it's finally here though! 😅",0 -ain't no sunshine when she's away ♫,3 -"@user @user @user I think it's awesome, I'm just going to need some time to marvel and reprogram my brain. 😆",1 -Batman like to enrage the heat on the new dimity frock and proposed marriage to me! Polly Shaw will lay me a CBGB crazy balled,1 -Thought It was a joke so sad anyway #biwott,3 -@user @user #Alyssa Y don't U use your voice 4 good instead of #hatred & #Resistance of @user I'm sure #Ivanka could help!,0 -#ATO hacking into your phone calls and text messages! #privacylaws #invasion I knew they did it but hearing them get approval !,0 -I get SO annoyed when I'm ONE! move away from beating someone at Pokémon Trading Card Game Online and they concede the game 🙃,0 -awoke from an actual nightmare about unicode normalization,3 -"@user It chases them away, girl. Or Matlakala. 😂",1 -When did we invent #kidfood ? Like oh they're a child so they can only eat #chickennuggets #crap #learn,0 -Horny. Anyone? #horny #bi #sex #london #snapchat #gaysnap #hornysnap #snapchatgay #snapchathorny #gaysnapchat #hornysnapchat #snapgay #snap,1 -My boss said to another girl who is leaving 'i hope your new job is shit.' How pathetic. Hence why people are leaving in droves.,0 -Stay angry.,0 -The fact that I could be in malia with Billie rn but instead I'm laid in bed watching repeats of Jeremy Kyle is making me wanna cry 😭,3 -"everyone says it's funny that no one took tyler seriously when he tried to come out of the closet, but I think it's sad.",3 -@user happy birthday big man 👀😂⚽️,1 -@user @user Since when did someone break #chromecast for ALL MacBooks? PLS -We #despair at days wasted trying 2 make it work again,3 -@user 🖤🖤😭🤬 Amen! Hope for revenge. This person should be punished manslaughter.,0 -"When I chirp, shawty, chirp back.",1 -On 1 side is the concern & fear 4 our teens' safety & happiness #thathorriblesuicidegame #terrifying #sosick (contd),3 -"'She trapped me, but I love her' #insecure #killingme @user",3 -Frick! @user is hilarious! Lovin his portrayal of a rancher picking up feed bags & climbing over the panel! 😂😂 #peedalittle #laugh,1 -Galaxy Global Eatery is terrific! Like free stuff? Lyft gets you here FREE with code OATH,1 -"Note to self: stop going for 'just 1 drink' in the week, it's never just 1. #hurting",3 -The #World and it's communities and #leaders are #laughing at #America as #trump #destroys #America with his #nonstoplies & #racism #hatred.,0 -@user Please turn the A/C on #dieinginhere #hot #horrible,0 -@user It really is. And it was a normal thing a few years ago but it should've stayed in the past by now.,3 -"@user said, “Surely the #bitterness of #death is past.” [2/2]",2 -when you try your best but you don't suceed!!!😞😭😭😰😰😢😢#Sad #alone #tears #b #bored #boredtodeath,3 -Who wants hot snapping?\nAdd me : rchar28 \n #nudes #snapsex #snapchat #sexting #cam #hot #trade #pics #swap #horny #chaud #pussy,1 -Post vacation blues are so real 😔,3 -It's irrelevant having a skinny body when you have a vile personality #bully,0 -"Hi, are u feeling matter? Try our today's special cloudy blue thumb with ground beef and blueberry, then you will feel irate.",0 -How the jeff am I gonna cope @ KC. Diagnosed myself with 3 serious illnesses this morning & spent £22 on ailments from the chemist,0 -@user was a guest at your show today .. Just wanted to say what an enjoyable experience from arriving to leaving #smiling,1 -"Again, this q. is brought to you by my slight feelings of irritation when I see 'obligated' over 'obliged', and I want to know if I'm right.",0 -"No matter how much @user lights up the forest, they end up getting lost 😂 \n#ZescoForest\n#SSBola",1 -"I was taught, there's nothing out there to #fear; just go out there turn #dreams into #reality, use other people fears to your advantage.",2 -@user @user @user Ah so that's why every time I see it I burst out with KAYLEIGH!!!,1 -"i must say, the amount of low-level fighters and gatekeepers running their mouths is ridiculous. #jealousy #ufc #jonjones",0 -Happy birthday @user ☹,1 -@user leave it kanna. same thing happened after Uri too. outrage and outrage until Sept 30. anyways re.. will be out today too.,0 -"@user Love your dogs...when I see how happy they are and my own dog, it helps me forget the crap. Thank you",1 -Jay Z came out of retirement just to drop the album of the year on y'all...let that sink in. Have a great day y'all 🙌🏿,1 -@user Lol....anger is not the best defense for attack. \nWait what do u do when ure angry?,0 -IT WASN'T ENOUGH 😢,3 -@user Why are you making it so hard to return a faulty item. It's not my fault that you sent out an item that doesn't work #fuming,0 -So what they do is act covertly and it turns out that they are aware of each other and fear punishment for wanting to destroy others.,0 -Tuesday night and the wine is coming out. Just got home from work if that explains it. 🤦🏻‍♀️🤦🏻‍♀️🤦🏻‍♀️🤦🏻‍♀️🤦🏻‍♀️ #irritated,0 -i was so confused but then my inner fujoshi was screaming and like i was trying so hard not to smile or laugh,3 -You can only help those who help themselves... #irritated #thisisntmyjob,0 -"@user I think the ending is about despair, and about not being able to escape the system... maybe?",3 -"@user He's still fuming over his massive failure at G19 meeting. The gravity of Junior's fuckup hasn't hit him, yet.",0 -Shaking about your 2 bills on snapchat 😅 you're obviously new to money,1 -@user What are you going to do to scrub my 19month old daughters eyeballs? #unacceptable #irreparableharm,0 -@user Also never got me a replacement taxi so I was forced to get a new one and transport myself! #terrible #twohourwait #nohelp contd,0 -"Importing shit is not new. If you want it, take the steps necessary to get it. But don't sit and pout over Japan doing what it's ALWAYS done",0 -"@user A review of my book faulted me for spending so much time on Webster's introductory front matter. But I had to, #brilliant!",1 -It's #NationalFrenchFryDay and I'm working at McDonald's. #frightened,0 -MOMS - NO Dancing at the bus stop... you might embarrass your kid 😂😂#luckytohaveme\n#momonfire #giggles,1 -And all the bullshit in your live ends and nothing will bother you ever again #depression,3 -Listening to @user and watching the #eclipse at the dog park #bliss,1 -When coming up with banal text to add to things note that 'BE HAPPY' is a lot of god damn pressure!\n#depression #anxiety,3 -Great game of tennis this one 👌🏻👌🏻🎾 #nervous,1 -@user Was DonJr target of #sting b/c #RobGoldstoneEmail has all conspiracy-crime elements? HRC knew b/c tied Trump2Russia by 6/16?,0 -Happy birthday annie!!!!!!!!!!hope you have the most #best #beautiful #blessed #brilliant #balsamic #bighearted #birthday ever @user,1 -"@user Jalf of london has no internet tonight, what is going on?? #furious",0 -There is much in the world to make us #afraid. There is much more in our faith to make us #unafraid.,2 -Can't sleep.. been awake for hours! Still haven't come up with an answer.. #stressed #cantsleep #sotired,3 -and fuck you if you get offended. I feel like,0 -@user Maybe this was a test... to see if 100% of readers need interpreters - apparently they do #offended #rude #disgusted,0 -"I just burst into tears bc a friend told another friend he would help him studying, he was so kind and wtf is wrong with me",3 -I keep asking myself why I'm constantly drawing Teo w a frown but then I just remember what's going on and I immediately understand,2 -#Goals 'Too many of us are not living our dreams because we are living our #fears. ' --Les Brown #success,2 -"we all think about it, some more than others \n\n#death #sad #depressed #suicide",3 -"Unrelated: when I see the words crème fraîche, I think of that South Park episode of Randy's obsession with the Food Network. 😃",1 -@user @user 'I'm dismayed at the UK decision to pull out of the EU and I've urged May to rejoin' - EUropean leaders 😉,0 -who knew magnus bane with teary eyes and trembling lips would be my downfall,3 -Thing is ... It's hard to be sober,3 -What a tiring day 😧,3 -@user Never a good experience at 919 E Fort Ave location. I never learn because I love chipotle #terrible #badservice,0 -@user The little details in life can build up to things that could affect you negatively and eventually make unhappy and lonely.,3 -@user @user @user @user I didn't say it because you left the party and game in a huff,3 -@user The Guptas is the middle man from hell. ..men with cigars sitting and plotting in the dark of night,0 -The best kind of self harm is through the mind #depression,3 -Remember when you were a kid and you flipped up the bottom of your shirt to make a pouch and put snacks in there? #times #snacks,1 -"Thankful for...job, healthy, sober, happy as hell about things...still have a panic attacks every time I put my sunglasses on.",1 -"Williams Lake on evacuation alert as fires rage near the city of 10,000+. Developments from overnight + forecast - 5am @user",3 -@user Wot an insult.,0 -Poetry of love ❤️ #.I love you from my heart # I love you from my soul # I love you real # you are in my all things what can I do I'm shy oo,1 -@user It's grim 😝,3 -#Being a #terrible #mother makes me uncomfortable.,3 -"“I am very sad and I feel more miserable than I can say, and I do not know how far I’ve come. I do not know what to do or what to think.”",3 -@user Happy man.,1 -@user Loving it! 😂,1 -gettin #offended is Lame,0 -May God grant us the ability to see His unfailing love fill the earth 🌏 #Psalm33:5 #awe,2 -@user 3. home alone 4. fast and furious,1 -@user @user With all the other stuff going on in houston #crime you spend your time bullying the homeless #wonderful,0 -Where did I go wrong?\nI lost a friend\nSomewhere along in the bitterness \n—,3 -#AmarnathTerrorAttack Muslims are killing everywhere Syria Iraq Palestine Everyday beyond They say that Islam is terrorism shame on you,0 -@user @user So depressing.. started out so strong.. need to win some games and get back on track,3 -"We lost: St. Louis, 2011 Week 10, 13-12 @user #satisfied #GoBrowns. :(",3 -@user Gliese 581d #smile,1 -@user Your parents should get you help not enable you & you shouldn't drink when pregnant it can kill the baby! #horrid,0 -"After all of the Disney animated films are remade in live action, will they just reanimate them again?",2 -"1 Samuel 18:15\nAnd when #Saul saw that he had great #success, he stood in #fearful #awe of him.",1 -"also, been kind of silent on s11 of the x-files because i am terrified that CC is going to screw it up! actually i know he will... #dreading",0 -So who actually leaked the info on jr. meeting with Russian lawyer? Putin? Was he angry w Trump?,0 -@user Oh for four years these panelists were the lnp cheer squad hypocrites,0 -@user happy birthday mamon!!! 😄,1 -"@user Hmm where is the outrage from the WH! Oh yeah, wrong nationality!",0 -"Harden not your heart, as in the provocation, and as in the day of temptation in the wilderness: - Psalm 95:8 KJV",2 -Binge watching #revenge im obsessed 🤓,0 -Everytime I see Kirks face I get angry #LHHReunion,0 -"@user This is a deliberate act of provocation. AKP announcing their intention to abolish TSK, which has been their goal since day one.",0 -@user You bottled it and deleted the picture😩 #scared 🙈🙈,3 -"@user #NCAA is after more money! @user should assign special committee to investigate regulations, policies and #bad practices #point (.)",0 -@user Looks beautiful 😘,1 -"those who think poly is a stage whr u can relax abit, u're wrong. u're gonna b haunt by projects and tutorials which is like tonnes ergh",0 -@user Thank you! My first solo run! #excited #andnervous,1 -"what does one do with all the bitterness + anger of lack of job security, esp. when one has no obvious manoeuvres to remedy the situation",0 -#ColorFabb #Ngen Worst filament for me :( Good finish but so fragile :'( cc @user,0 -#Two legged stool sample... #humor #serious #comedy,1 -this time i really can't articulate how i feel... i am rendered speechless. #disheartened,3 -@user It's #adorable #mnuchinwife thinks she's on a #government mission. #louiselinton,1 -She'll leave you with a smile,1 -"- She was so #artistic, .. painting .. #smiles on every face but her own .. ■|",1 -Baywatch movie is so friggin #awesome #funny #delightful,1 -Heading to PNC today to get the ball going for my MA! #goingforit #nervous #excited,1 -This time tomorrow I'll be at the airport for the first trek of my journey to America 👀 #alone,3 -@user ha! no perception needed -- just facts. it's a bunch of dudes in suits trying to gobble up money while they're in power #shocking,0 -Caroline FFS shut this whinging ‘Last Word Tom’ up!! He is unlikeable & a smartass! His biases R boring! @user @user,0 -I see where Farrah gets her rudeness from. Her mother was as horrible to Dr Drew tonight as she was. These women need help #TeenMomOG,0 -Support your local #firefighters to help ensure they are able to carry out their job tonight without fear of attack or harassment. #nifrs,2 -@user @user @user @user @user Being #gay is not an #Whatsupwiththat #nike #adidas #??,0 -"@user Probably, the way you converse...sounds funny, and I can't suppress a giggle. 😊",1 -"@user 'call to action by TV host John Oliver, who urged viewers to leave comments expressing their displeasure at the FCC's policies.",3 -@user Hahaha @user almost fell off the sofa laughing at that point. The wee jump he did as if he was scared too 😭,1 -@user Truly dreadful,3 -@user thnx fan 😂,1 -"Rage, rage against the dying of the light",0 -"WTF is happening with @user sale website. Lost my order, other order is going to someone else with me paying #raging",0 -Free yourself from the poisonous and laborious burden of holding a grudge. @user #quote,2 -"Vegas, you won.",1 -Chicks I don't even talk to look up to me. #flattered,1 -@user @user Did you see it? It's literally all porn. Does she really work for huff post?,0 -@user it's awful!,0 -@user Haha nightmare,3 -also had a dream i got to see my friend who's at basic rn and woke up super sad because i won't see her until next summer.. :(,3 -I think I have to finally admit that I need to see a dentist 😢 little bit toothache last night 😓 #fear #scared #phobia,3 -"@user --been a damn sight better!' Grisk poked Grillby's chest, a low snarl leaving him.",3 -just watched @user on Love on @user #hilarious,1 -@user Happy #blissful birthday,1 -Hey @user #imwearingyourshirt today!! #humbleandkind #awesomeness #timmcgraw #wqmx @user @user @user,1 -'The prayer of the feeblest saint is a terror to Satan.'\n(Oswald Chambers),2 -"“When the people fear the government there is tyranny, when the government fears the people there is liberty.”―Thomas Jefferson",2 -Internet 😠 Waiting 15 minutes for my Snapchat to update and it's only a fraction done.,0 -It's so sad when you talk so highly of someone then they end up disappointing u and making u look like a pendeja,3 -@user Which are sensible terror attacks parnab da???,0 -Before... I fear of not having you in my life... Now... I fear of letting you back into my life. #fears,3 -"@user wait, I saw this tweet and thought he was joking... He was serious?? 😂😂😂",0 -@user @user @user I so love @user means @user very bright people,1 -Fucк me on KIK guys : hhorny18\n #dick #sex #womensbodies #snapme #sexting #xxx,0 -Doug Beattie joked on twitter once upon a time about putting Afghan people in 'body bags'. Hard to take this outrage seriously @user,0 -45 admits that decisions are harder when you sit in the Oval Office. #dumbasastick #terrifying,0 -"*perusing the menu* I would like a green tea shake, please, with no whipped cream, but dusted with matcha. And perhaps a straw?",1 -"When I watch sport at times Andy Murray/rugby, it would be best for me to go into a sound proof box. #animated 😂 😂",1 -Ten: Amazing the snap power @user gets off such a short back-swing! #threat @user Rd of 16 #ATP 🎾🎾,1 -let's do an action for #AmaranthYatra Stand against this type of #shamless #activity give a one voice to against #terrorism #india,2 -"@user No one is above the law, if there is suspicion that a soldier did something wrong, why shouldn't they be held accountable?",0 -Happy birthday @user i miss you tons + i'm so excited to be back in florida to hear all about Turkey + to have our 🌮dates!! 💛🎉,1 -@user @user We need to get you out of there and relocated to somewhere that isn't afraid of sunshine.,2 -"i had to break it, the world is raging on",0 -@user Hats off your excellent Tetris like ability to pack 5000 passengers into a 2 carriage train on rush hour. #awkwardorgy #bitter,0 -Have to go to a occupational services place for a drug test. Yet they don't know what the heck is going on. Just great! #blah #😡,0 -@user Too true- my logic was blinded by outrage ......,0 -Black people music always has that awful little tstsststsststss sound it really bothers me.,0 -@user @user @user Are u serious ?!?! Wow 😳,1 -Today I'm #grateful for\n\nMy car\nMy phone\nMy thumbs\nGoing on walks\n@Twitter \n\nWhat are you grateful for today?,1 -So it's a proper test match Day-2 now :) ttv' s team responds to yesterday's attack from #AIADMKMERGER team:) #entertaining to be honest,1 -@user @user I'm in tears. This is so heartbreaking 😭,3 -@user Know how much in movie sales now& forever in the future that the actors & singers talking their crap about Trump Americans lost?,0 -we mourn the death of our hopes today #james,3 -@user I wonder if she's married at all or frustrated 😠 with men she came across,0 -@user So funny!!!!!!!!! #lol #clever,1 -@user Horrible CNN interview. U can't talk urself out if a paper bag. U don't even buy the crap that was coming out of ur mouth. 👎,0 -Should I change my layout too? This one looks pretty depressed 😂,3 -"@user Not just SATS. GCSE as well lost 5 marks because missed a coma, answer correct #annoyed",0 -@user It just reminds us of the 90s & early 00s. 'I'll have a pinot grigio' still makes us shudder.,3 -I think I have anger issues 😐,0 -"@user Tried it once. Poured into the sink. Didn't bother to make tasting notes :-) Looks like cheap sake, tasted like it too...",0 -@user Anything to keep you from destroying this country you're #makingamericastupid #sad,3 -@user #crap sorry but doesn’t work,0 -all this anger is making me tored and there's literally no reason to stay up for this shitshow,0 -Feeling blind. New specs please? 😰,3 -@user I used the wrong fowl sorry I'm a #disappointment please #killme,3 -Even the devil was once an Angel. #TuesdayThoughts #change #think #devil #Angels #anxiety #WordsOfWisdom,2 -I definitely know my karaoke song now so hmu and it's by Britney shocking,1 -Today marks seven years since the Kyadondo terrorist attack where many lost loved ones. We mourn & pray they continue resting in peace. 7/11,3 -Going to bed with dry and clean hair. #blessing,1 -@user @user @user @user @user Bitch played every role she ever did exactly the same. #dull,0 -"@user i did, i cried from laughter way too much HAHAHAHAHHAHAHAHAAHGAHAHA 😅😅",1 -"Geraldo At Large is an effortless, intelligent entertainment, and a fabulous, fun-filled start to the hugely lucrative franchise. #PraiseFOX",1 -@user @user you mean the 🍊🤡 didn't tweet the correction...? #shocking,0 -mood: kinda bitter bc lee hi didn't appear in jaewon debut mv,0 -"You can treat someone like a king, a queen, like they're the center of your universe and they will still shit on you lol\n\n#mood #pessimist",3 -Featuring grilled halibut with a lime basil crust and a yellow tomato and lobster coulis #yummy #seafood,1 -Bring back the scratch and sniff Avon books. Then yer da sells Avon wouldn't even be an insult,0 -The real question is why am I still up!? #cantsleep #restless,3 -'Pope fuming after police broke up drug-fuelled Vatican priest gay orgy' \nAts some headline,0 -I am furious. It is nearly 1pm and we still haven't signed another player. #getyourchequebookoutchairman,0 -I just #revenge killed a red ant for biting my son's finger. #iammommabearhearmeroar 🔪🐜🗡,0 -The person I love can irritate me the most I swear,0 -And this kind of thing happens bc certain ppl play victim bc of their gender which is horrid. Own up to your mistake and apologize for it.,0 -#worry leads to tension and pressure #prayer leads to peace,2 -I've been awake for 451 days 23 hours and I'm sleepy and tired #weary #raspberrypi #nodered #bot #iot #sunshinecoast,3 -@user I didn't. We all went out and got pissed down the local instead. 😄,0 -Not being able to jump on #mechwarrioronline is killing me . #awful #internet,0 -@user @user Goal posts moved out of America & inching closer to #Russia #horrific. #treason,0 -"Daughter, her husband and kids caught a boatload of red snapper & mackerel off Port Aransas... we enjoyed the #fish feast #delicious",1 -Ang cute ni grim reaper omg,1 -I'm still feeling some type of way about Viserion. #GameOfThrones #crying #stresseating,3 -i leave in 3 days and just now remembered that my car has massaging seats :/ #crap,0 -"We join our sister's in #SA as they mourn the death of a bright star #PrudenceMabele. RIP sis, till we meet again. #AfriFem",3 -"I respect facebook and them killing Snapchat. If you can't buy em, beat em #fb",0 -.@AlistairBurtUK states that DfiD is working hard to ensure Palestine isn't funding terrorism #FCOQs,0 -Just finished playing Mystic Messenger. And I didnt expect the amount of angst in it! 〒▽〒\n #mysticmessenger #feels,2 -"@user what are the current statistics concerning 'backdoor abortions'. If alarming, what preemptive measures are in place?",3 -Did you know the #moon is 400 times smaller than the #sun? #eclipse #amazing #SolarEclipse2017,1 -bcuz of a photoshopped pic of chanbaek lea is gonna get kicked out of her house #tragic #heartbreaking,3 -@user Dont forget to eat you dinner nunna 😄,1 -"@user This was one game I was looking forward too, server issues have spoiled the game, will not buy a CM game again",0 -Happy birthday🎉🎉❤️😘 @user I love and miss you bunches & hope you have an amazing day beautiful!!🌞🌸💗💞,1 -I just remembered I made a presentation of the top 100 male idols out of anger after seeing that siwon was first,0 -nothing happened to make me sad but i almost burst into tears like 3 times today¿,3 -I got to ride with and witness Amanda Coker break a 77 year old bicycling world record. Awesome athlete! #amandacoker #tdf #relentless,1 -Think of the amount of hatred necessary to commit this type of crime-it should be a capital offense.No bail.Laws were meant to protect.,0 -"@user @user You really need better source info and avoid the fake news, it has clouded even the obvious",0 -Happy #NationalFrenchFryDay ! Although I'm not so in the fried thing but I like have a frie once in a while! Have a #beautiful #thursday !❤,1 -The courts are really going to frown upon #butheremails as a defense. #Trump has to be impeached. The rest of the Kremlin clan get a jury.,0 -@user @user Told you ! It's basically another iron man but a cheaper version 😂,1 -@user That brown waist coat was a NO 😂,1 -Who's Your Cat Daddy!?\n\n#cats #love #instagood #photooftheday #beautiful #cute #happy #fashion #follo ...,1 -@user @user @user McNabb at times started out bad the defense made plays the offense found rhythm,0 -you take horrible dick pics @user,0 -@user I said that once and my pals ripped me a new arsehole 😊,0 -That person that #TalksTooMuch it becomes fucking #frustrating & you get #mad but u have to pretend ur interested cos ur a nice person,0 -PUPPY FOR ADOPTIONS !!! Happy pics!! Please SHARE for exposure! Put out the word to good adopter prospects!...,1 -They've cleared the warehouse floor at work and there's sooo much beautiful smooth concrete 😭,1 -I'll control my #anger... if you can manage your #stupidity. #TeamFollowBack #相互フォロー #fact #figuremeout,0 -@user Thank you so much Promila aunty 😃,1 -@user Not good. Rats nest get rid of them before they chew your wiring $$$$. I also heard they hate the smell of pine sol.,0 -@user Inside job so modi can show more tantrums,0 -"Ask yourself this:\nIf the algae appears to be gone, is it really?\nIs it worth the risk?\n #algae #water #toxic #threat #methane #cancer",0 -That morning when you get half-way to work and THEN realize the 4 year old is still in the back seat. #backtrack,2 -@user A child breathing too heavily in china could infuriate you,0 -When you put vienesse whirls in the same tub as the horrid cherry Bakewell 😩😭😷 #grim,3 -Suicide Blast killed 11 people in Cameroon. #bomb #attack #security #explosion,3 -Isis was not defeated in #Mosul. It just changed its address to #Libya. #Egypt #Sinai,0 -@user This is the most fucking cursed FEHeroes unit I've ever had the displeasure of seeing,0 -One day someone will change ur perspective from bitter to sweet from broken to complete,2 -'I'm #angry so I'm going to make you #spend #money on #me.' - @ Me\n#PrimeDay,0 -@user Ur so flippin funny!!! I love it!!! #burning!!!,1 -And my mind and my soul. Who made him substitute for my brothers and near me for all the beautiful days and I found you lost and grabbed,1 -It's a #blessing to love it's a blessing to have someone to love,1 -another chunk of #antarctic the size of #wales broke off. The #glee of knowing humans deserve their #extinction. #climatechange,0 -"and I don't want to spread it all over my twitter. It's my choice, but I, at least, needed to say this as I don't want to worry people.",2 -It's an #outrage that airports don't have smoking rooms in the departures area.,0 -@user I don't have a TV in my room 😟,3 -@user @user I never knew the situation was so dire!,3 -"@user @user That's a fucking outrage. Yeah, the frowny-face rating doesn't exactly cover it.",0 -"@user Everyone in the world uses the word #terror so it serves his own purpose, that's not only in the #GCC the case...",3 -KEEF\n \n #annoyed! cant make me bursting out it's not a fire tweet makes me and then blocking people in the joints is too,0 -"@user Bholenath ne apna Gussa toh nikaalna hai. Either the government helps take out Terrorism and do HIS work, Or the wrath is on GOVT",0 -Summer Sale! BOGO 50% OFF everything in our retail showroom! Valid thru 7/15 mix & match...equal or lesser value #BOGO #ragegrafix,1 -"Well, my minds officially blown after that #GameOfThrones #GoT #GoTS7e6 #WhiteWalkers #crying",3 -Hmmmm. Seems we only had 14 punters vote in #S20Cup. 163 followers and only 14 punters at the track. #disappointing :(,3 -Real Q abt #DonaldTrumpJr mtg not being asked- did they show him proof of #trumpdossier & threaten to blackmail #resistance #Putinspuppet,0 -@user stand up to #sexism - let people #die for lack of funds - but make sure you stand up against #sexism-are they #mad in #Ludlow,0 -Unrealistic expectations attract disappointment. And that's what you were #disappointment #sad,3 -"Yuko is best known for her cheery personality, dimply smile and prominent squirrel teeth. | She hates ballons. #OshimaYuko",1 -Well seeing the #Eclipse2017 was #amazing really cool even though it only lasted 2 mins,1 -A bitter woman says 'All men are the same'\n\nA wise woman decides to stop choosing the same kind of men.,2 -To go back in time to the 1st grade so you can walk up and shove your bully on the playground. Little asshole.\n#StupidReasonsToUseTimeTravel,0 -Depression sucks #getHelp,3 -That new Kask aero helmet is grim. Especially in yellow. Looks like a safety hard hat ... #TDF #healthandsafety,3 -I'm really upset that it's been 5 years and you still haven't followed me back 😩 @user why you do this to me solána?? 😭,3 -"Not all people are #concern, some are just enjoying seeing people in #miserable.",3 -@user This pain is restless even if my eyes are closed. I wish I never had won the race as a sperm.,3 -Studio window open- terrible smell of cooking from somewhere,0 -@user I'd never leave the couch again! #excited and #weary ❤️,1 -@user @user How does this sorry excuse\n for a human being George Soros get away with all his #hatred filled #riots #shameful,0 -@user #killerspresale - How is it fair that people have bought multiple tickets and are re-selling them at twice the price? #angry,0 -@user #shows how #irritated @user #brandkrk is #feeling for his #community #brothers! So #Helpless 🙈🙈🙈 #ShameOnBhakts,0 -The Audacity of Rampant Government! #threaten,0 -"You can't change who people are, but you can love them #sadly",3 -@user Ya one time I was like hey daddy queue up with me I can make you wild growth and he was like nice try lulu abuser 😞,0 -I am so freaking annoyed that he constantly feels the need to be a time in my life where I'd be happy with just one monitor on my PC,0 -@user Oh my lord no I just be letting him hit himself cause he throws himself on the floor and throw tantrums 🤦🏽‍♀️,0 -Yay... a big shout out for my friend @user . Welcoming her back on twitter. She a terrific writer. Stay tuned for tweets.,1 -"Longing to see Your face, Christ Jesus, I rejoice in the anticipation of Your coming again!",1 -@user @user Why is this even a thing? #lost,3 -Pretty upset with people bashing @user @user cast of 'the Know' catering to kids instead of gamers? lost respect..,3 -I'm extra lazy today 😟,3 -@user Here we go can't wait to see how much shit she chats😴,0 -@user @user Is it about rabid penguins on a plane,1 -Hoping the Giant ice that broke off will cool the ocean and bring back the Great Barrier Reef #optimism #amirighttho #sigh,2 -3 hours of hell again. #anxiety. At this point I'm convinced I'll never get an on site job again or play keyboards live.,0 -@user There should need to take serious action over terrorism sir,0 -Boom pagod 😡,0 -@user @user Inexplicably well paid talking head who lectures in impenetrable consultu-speak #dire,0 -"Have you ever just cried, because you were in the middle of some bomb rest and someone woke you up with an emergency. #sleep #cry #kms #dead",3 -I ain't had a gold heart on snap chat in so long. 😐 #depressing,3 -@user Im terrific thanks.\nI hope you managed to get even if it's just 40 winks of 😴. It was a crushing defeat. He was so dejected,1 -#broke #sadness who is ready to #donate 5$ for me via paypal ?\nSend it to info2drag@gmail.com\n#humans #help #helpmeout #helpme #donate,3 -"God's help for Israel in Isaiah 41:10, is for u today. Don’t be afraid or discouraged, He's ur God who will strengthen, help & hold u up.",2 -@user Oh definitely! I saw the snap and the colour looks great too.,1 -@user We took a trip to Ireland right before we bought our home. No way I could do it now. I dread taking 2 days off of work.,3 -This class makes me fucking angry!,0 -@user Delaney keeping up his awesome Manchester United transfer record...\n\n😂,1 -Chad and Sarah is honestly me and my ex 10 years ago 😂😂 #CBB #horrifying,0 -@user Ngi y do u do this 2 me :-) iloveyou 😘,1 -@user But what will the old woman do now? #heartbreaking #layoffs,3 -@user my BF and I just rewatched the episode of #GravityFalls you were and he's fanboying #YeahScience,1 -"@user you are a joke bank. I despair at your complete lack of common sense. The UK however, gets it. WTF is wrong​ with you ?",0 -@user mornin sexy phantom crush hottie happy tremendous totally fun Tuesday love n hugs enjoy it xxoo love yas tons n bunches xxoo,1 -Does #fear of #Missions still have a hold on you? Are you so busy looking for opportunities you cannot see anything else? Matthew 10: 27-33,2 -@user You can't make this crap up. Therefore my 😐 response.,0 -"Christian, Christ is your sacrifice that turns aside the justly deserved wrath of God & justly satisfied Gods righteous demands.",2 -#jeremyvine take a slightly dull subject and makes it so tediously boring you actually want to rip your own throat out!,0 -A good head and a good heart are always a formidable combination. (Nelson Mandela),2 -@user @user @user I believe ur mekka n madina also dikling which u kiss. A dark dirty one,0 -#TOKYO\nFear death as much as optimism.,2 -Dro and his teeth are still fine tho #insecure,2 -@user There is nothing comical or funny about corrupt officers and negotiating the rand amount for a bribe 😡,0 -@user money grabbing and RUBBISH customer service!!! Rapids shut but no reply to emails! #diabolical #CustomerService #crap,0 -"big over sized clothes, hours of use for bad haircut, 😊 real big rage #🍑",0 -I want to be like Eunice. #relentless,2 -@user how could you put this show on air !! Disrespectful to so many mums and families 😡,0 -@user and @user are talking about #depression today! What's trending in your community?,3 -I keep getting so worried about the amount of plastic that gets thrown away atm as if I didn't panic enough about the environment already :),3 -"@user I'd just whip up a cake batter or cookies & throw it in 😀 bakewell, frangipani is made with almonds",1 -@user @user Yes I also wrote to them cause my friend was getting nervous about it. Hope we get what we want ><,2 -Today's gloomy weather reminded me that winter is coming and then it'll be cold again for 7 months. #pessimist,3 -@user @user Rob is #bad,0 -I need a blue water trip lots of functions no dresses #panic,3 -It's taking apart my lawn! GET OFF MY LAWN!,0 -@user 'out of his motherfucking mind'.... don't think anyone could say it any better. #terrifying #biggestcrybabyinhistory,0 -Update. It's hot as shit and its fogging up my glasses. #pissed,0 -"The moment I joined BTS, I was nervous & felt lost. I still have those feelings but whenever I do, the people who bring me back are you guys",3 -"Oh death, where is your sting?",3 -the teacher gave us assignment to write a letter on why we should bpe hired (hypothetically) and i'm having a mental breakdown & anxiety,3 -They leave you with so many unasked and unanswered questions.... #Grandparents #sadness #myroots #abuelitos,3 -I hate getting woken up out my sleep 😡,0 -"@user You really want Fabinho, lol 😃",1 -UPDATE: One person dead & another in serious condition after home invasion in Flint. Incident happened in college cultural center area.,3 -@user Hey you lost your credibility (not that you had any) also we told you so #🤣,0 -"Sweet merciful crap that was some bad singing at the #MLBAllStarGame tonight. Anthem and God Bless, both. #wrongnotes #outoftune",0 -We probably wouldn't #worry about what people think of us if we could know how seldom they do.,2 -@user @user You mean the President Protector? The rabid revolution sleeper agent gone rogue?,0 -@user first second on #WillTNT is music to my ears 😭❤️ #shaking #missedyou,3 -"@user I skip anything below 718 score tbh. Finding other fully SI horse teams is fun though, I added a few through arena. 🤣",1 -see me #smiling at my #past like what was I thinking? \nFind #rest oh my #soul d #seas ń #storms still know HIS name. \n#JESUS\n#iLoveJesus,1 -i cant do this all alone 😟,3 -this year keeps getting more depressing and disappointing,3 -"I was deeply struck with her very presence,expressions & soul-penetrating performance.I was lost in her #bliss #NinnuKori @user",1 -I need to get out of this little funk so I can write!! #writing #funk #writerslife #depressed,3 -"'You dare threaten me, Thor, with so puny a weapon?'",0 -@user DO THE THING enrage all the people who cannot Do The Thing,2 -@user That rap reminds me of when the kids were small and they would prepare a performance #cute #crap 😂,1 -I thought he cried over some of his relative death or something but when i know the truth . I just wanna burst out 😂,1 -I hope you smiling and just laughing your soul out @user . I love you so much.. My Person\n 😘😘😘😘\n 😘😘😘😘,1 -The lecturer tonight had such a muppet frown it was great.,1 -@user omg why ☹,3 -"@user @user So much crow eating to come, crows may become an endangered species. #revenge",0 -@user @user Have you ever been to one of these things where someone wasn't unhappy?,3 -"As horrid as it will be to see him move on, let's not rewrite history, he's been our best servant under Hughes, none have out shone him",2 -@user #strange but #amazing but I #love your #pictures 😍,1 -"Wow, only 9 out of 60 pages left in my first full art book :O #amazing",1 -"Im not naive not to notice the way you looked at me, your seductions and discreet moves but you scare me honey to tell you quite frankly.",0 -@user @user Yip. Coz he's a miserable huffy get 😊,0 -@user That actually was a solid insult.,0 -@user @user Trump is now fuming. He feels the whole game may now be blown because of Jr's stupidity.,0 -"No one wants the chubby, scarred toy. #hurting",3 -@user this is a fucking dreadful opinion,0 -When you are with your friend and you are still laughing 😂🙌🏻🔝💕 @user #FriendsForever #laugh #summer,1 -"@user @user Billy Joel is in huge danger, he's so brave #inspiring",1 -"Mothafuckas wanna adopt the dark, but I was born in it",0 -"9. So to summarize... Aman, Norwood and Mitchell clearly lead the field in resources, though Mitchell's burn rate is alarming.",0 -I'm still bitter about the fact that I didn't get the Php 10/liter promo.,0 -@user Brilliant & clever as always. #delight,1 -@user Let's see how many Republicans do more than feign outrage.,0 -When you get paid and you instantly start buying crap online that you don't need..,3 -♪ Racing all around the seven seas\nChasing all the girls and making robberies\n'Causing panic everywhere they go\nParty-hardy on Titanic... ♪,1 -"#MTPDaily, @user that look you've been giving the camera, so, umm, #angry? #frightened? #terrified? #IFeelYourPain #NotmyPresident",0 -Shitty is the worst feeling ever #depressed #anxiety,3 -@user Humanist & sailor!? 😂😂😂😂😂😂😂😂 You forgot to add big time loser! #arsehole 🇬🇧,0 -@user Wow you don't read mine? #offended,0 -@user mine says the same thing. No way my offense isnt a 99 lol..wtf,0 -I love watching the bats in the evenings over the vegetable garden. #bliss #happy #urbanfarm,1 -School duties. 😧 good night ppl,3 -@user 5000 likes. There are 300 million people in the U.S. Ha. You are Real popular 😅,1 -@user Thing is tho my pout was actually serious,2 -facts about all the horrific ways i could kill them if i were in fact those animals.,0 -A little positivity for a dreary Tuesday. From my little jar of positivity now available in my #Etsy store #selfhelp #HandmadeHour #anxiety,2 -"Man, don't believe the hype, this #DJKhaled comp is garbage. #sad #terrible #trumpofhiphop",3 -@user @user A few not many #giggles,1 -OMG my darling best friend's hubbie died today whilst on holiday abroad. #shocked #tears #grief #sosad,3 -@user karamadai ranganatha. Pallikondeeswarar shiva. Some more avl. Dont outrage without reason @user,0 -better care about yourself than about others because others wont care about you #lonely #sad #depressed,3 -Beautiful morning at the beach on Anna Maria Island with my wife. #vacation #blessed #happy,1 -"love getting 5 hours of sleep, and then getting woken up to HORRID allergies. Oh good morning, world. #allergy #wonderful",0 -Best evening adult drink w/chocolate #satisfaction is @user DARK hot chocolate + chili powder + cinnamon + whiskey #delicious ☕️,1 -what will we do when #GoTS7 is over? im starting acknowledging #endoftheworld #GameOfThrones #dontleaveusjustyet,3 -'How We Are Ruining America' By this liberal lip service pointing out an inequity that they protect while feigning indignation for all.,0 -@user apparently u left a calling card... @ which address cos it certainly wasn't the address u were supposed to be delivering 2!!! #awful,0 -Some people are so irrational! #irritated 😒,0 -"Library vendors sometimes really irritate me, esp. when a new owner has little commitment to what was once a great product + poor manners.",0 -'The happiest moments in life are not actually spent laughing or smiling the whole time with so many people around.'\n#JonaxxBBTWKab39,1 -Those people's #crying who don't usually cry is really #gloomy,3 -Unfortunately listening to @user @user (as good as his show is) actually makes me want to emigrate #worstgovernmentever,0 -Tooth was not lettin me sleep last night #restless,3 -"Here in South Bend, IN, Quad Cities River Bandits leading the SB Cubs 3-0. Organist v fond of 'Master of the House' from 'Les Miz.' #sadly",3 -@user UGH I can't even contain my excitement!! 😍,1 -its horribly gloomy out rn and im flourishing,3 -I love #tattoos but seriously #justtattooofus that's just #revenge & it's #permanent for life not sure it's worth the #5mins of fame 🤔,0 -"Music is so empowering. \nit can literally bring people tears, smiles, laughter, and so many emotions",1 -"Stated at home the whole day, no eat, no enough sleep, chest and body aching. 😥",3 -"@user happy birthday love!! 🎉🎁 i hope you're having the best day, i'm glad we met💕",1 -Soooo @user we need longer episodes 🙏🏽🙏🏽😫😫 #insecure,3 -i'll never delete someone off facebook. it gives them a satisfaction that someone intimidated and i most certainly am not.,2 -"One arm around my waist, hand down my crouch to pull me towards yourself with. You behind my back, jeans around your ankles you inside",1 -@user September? Really? 😢,3 -"@user I am so stressed today I have time so if they drop it, it would be so nice. 😢",3 -So I now have 3 pairs of shit arsehole neighbours; Any advice? #noisy #norespect #bigbuilding #awful #killinginthenameof,0 -Make her burst into laughter bcs of you.,1 -I went so deep into my thoughts that I started shaking. I real deal upset myself to that point of anxiousness.,3 -@user I don't even read the news anymore is to depressing,3 -@user Then dont disappoint them 😂,3 -"Are you #different?! Don't be #afraid, just keep #calm and be what you are :)",2 -This officer is a hero! 👏 #dogs_of_instagram #adorable #doglovers,1 -"Yeah i might look weak when i forgive, but you know what? I pity more on those who hold the rage, hatred & revenge inside.",0 -Cyclist slams breaks to pace it to traffic lights. I slam car breaks&tell him careful nearly ran him over=all the cussing #charming #bulwell,0 -@user Are u going to see her in the airport? 😃,1 -"The #eclipse is boring. Check out @user , or @user , or @user , or @user These shows aren't boring.",2 -@user 😂😂 i love ur angry comments,1 -@user Always saddens me when marriage doesn't work. It's never helps when people get involved and start twisting things too..,3 -'She's alway been an achiever'\nI feel like I'm not.\n #thoughts,3 -@user Not like that.. You said you wanna leave for a while and come back soon. I don't look for you bcs i'm afraid i'll annoy you..,0 -#sad #realDonaldTrump #faketweets: Working hard to get the Olympics for the United States (L.A.). Stay tuned! #cnn,3 -Received an award at work today.. doesn't mean I need to go up on stage... I'm good thanks. Let me just do my work. #stagefright #shaking 😳,1 -I'm shaking in my boots now. The Taffia are in full flow 😂😂,1 -"@user there would likely have been signs. But let her grieve. It's not your yen yen yen, after all.",3 -I really want a fucking knife that I'm not afraid to use!,0 -Can't sleep!! Maybe #worry !!!!!! Or Maybe I need to Chang my pillow !! Maybe..!😏,3 -Can't pretend that I was perfect leaving you in fear #revenge 🔥🔥🔥,0 -When you're leaving for work and your husband is still sound asleep in bed... 😅 can I just stay home?,3 -"@user > She strikes out again, a slap, then another, advancing, furious, spitting every word. 'Dosph'natha waela lotha ligrr lu'dos>",0 -Happy bday @user . You legit the big sister I never had 😌 have an amazing day dude 🙏🏽,1 -@user I was wondering earlier how much NPD rage has been slung at Jr. because he's not as cocky as usual. Lol Hopefully a lot.,0 -You choose your mood on weather you're going to be a #blessing or be rude..,2 -"I still think of you\njust to check\nif it still hurts.\nYes, it does!💔 #selenophile😌😌😌",3 -"#PMDD symptoms: Feelings of #sadness or #despair, or even thoughts of suicide.",3 -"#TrumpRally : divisive, rude, incoherent. This man is truly insane. #terrifying #ridiculous I am an Arizonan Against Trump.",0 -"@user Well, thank you. Sincerely 😊",1 -@user They are my hetero guilty pleasure 😂,1 -12 PM Reminder: You are ok. You are safe. Don't panic. #anxiety #calm #panic,2 -"If you're nervous about tomorrow's #Origin game, just remember, if it's a decider next year it will again be the 'biggest game of all time'",2 -"'First they #ignore you , then they #laugh at you , then they #fight you , then you #win' #Gandhi",2 -@user Genuine refugees are terrified of authority figures. They wouldn't provoke them like this mob.,0 -You can clearly appreciate the sub-harmonics in both...-ONE💯😂😂😂👍🏿,1 -@user the emoji movie doesnt have a midnight premiere where i live this is an attack #EmojiMovie #midnightpremeire #outrage,0 -@user We miss James Comey....he seemed to bring some order to the horrific chaos. We pray for you dear American friends... and Trump voters!,3 -@user Guess who got a ghd now😃😃 no need to dread coming up and getting ready in mine with my boots straighter,1 -Should I be flattered that locals keep asking if Im Swedish? #Swedish #beautiful #Europe,1 -I'm so sorry\nfor so many things\nI never say it\nmy burden to bear\nSo tired of talking\neven dreams grow stale\nMadness a relief\nto my #despair?,3 -@user is a bully. plain and simple.,0 -"@user 'my own mistakes?' Grisk asked - well, more of a growl 'My mistakes meant that I could /learn/ from them and improve!'",2 -Skyq is 👌🏼 but it's about time @user sorted there internet out! #dreadful,0 -Bitch do not offend me.,0 -Majka didn't start :(,3 -"Idiot, @user says dumb stuff about his idiot son. #shocking #TheAppleDoesntFallFarFromTheTree",0 -Sam all she fuckin said was about you meeting her rents on Friday which WAS GOING TO HAPPEN ANYWAY YOU DICK #cbb #cbbfinal #arsehole,0 -@user McCain is revolting,0 -Nothing fuels my daily anger and hatred like a bus driver who stops at a yellow light,0 -"@user @user @user @user Ring a ring of roses isto do with the plague, Im sure that will offend someone",0 -@user don't worry we will take revenge u plan to run naked first .. when r u doing it ... We are showing ur hypocrisy,0 -Why am I listening to Trump when #BachelorInParadise is suppose to be on...get this crap off my TV! #ugh,0 -"Who is terrorist? A person who uses unlawful violence and intimidation, especially against civilians, in the pursuit of political aims.",0 -"ㅤ❬ @user ❭\nㅤㅤㅤ— know what else to use to make you stop sulking..” He sighed heavily, before putting on a weary expression.",3 -@user I want to snatch that beanie 🙃 tbh I'm kinda scared as well 😂,1 -It's hard to get me mad but when I'm mad I hold a grudge,0 -#UKVI why are you so difficult to access? And why on earth am I being charged exorbitant amounts to understand about my visa status?! #crap,0 -Trump's a Magician.\nBut the Prestige keeps being NOTHINGBURGERS AGAIN\nAnd the idiots keep foaming at the mouth in packs over it..,0 -@user U r but idk to what extent u can go with teasing me 😃 u love it too much.,1 -"@user no offense but one of my friend watches you and calls you his 'Synpie' which i have no idea why but, he watches your videos",1 -I start my day thanking my stars. Then I see my colleague walk away early (notice period- honeymoon scenes) and I wonder 'WHY GOD WHY !',3 -@user horrified to learn that I cant change/exchange by flight to Lisbon 6 weeks before departure!!!! #omegaflightstore £200,0 -@user @user @user @user @user Being #gay is not an #insult,0 -"It's not length, it's A #gnawing #sense of #dread.",3 -@user #sorrow of the #world produces #death. [2/2],3 -@user Happy Anniversary!! Have a great day!!,1 -@user He will be jeered even more by next year. Doesn't seem to get it that every last European including Brits think he is dreadful,0 -Day 10 !!!! #milestone #sober slept 12 hours last night rather than my usual 6 my body made me had no choice.,3 -@user #DeMario was a player but even an allegation of #sexualassault will ruin a life. Be damned sure it's true. #heartbreaking,3 -@user It's kay. They were my main healer/caster in HW...but not for SB (for now) sadly.,3 -@user I haven't read the Constitution and I don't know you're Canadian. #sad,3 -#MiamiBryce asks Buck about Dak Prescott live during ASG. And DC sports talk radio producers get to take the rest of the night off. #outrage,0 -@user @user @user @user It's EXCELLENT! #grippedbyfear #fearful #fearsome #fearfearfear,1 -@user Maybe Don Jr isn't dumb but wants to take revenge on his dad?,0 -idk why i been so bad at talking to ppl lately 😩 like something is literally holding me back but i can’t pinpoint what it is 😞,3 -@user YES!! I love making my own coffee drinks at home! #super !!,1 -@user Max £1 bet #crap,0 -@user at one point this is what i wanted rba sa? hahaha pero di jud oy di jud ☹ what if ga humss ta? 😭,3 -@user @user Where's the picture? 😰,0 -Anyone else find it really difficult to stop yourself from making a really petty tweet when ur absolutely raging about something ? 😬,0 -@user 😂😂😂😂\nU mean overprice English clubs\nReal Madrid see bayern as no threat then look 😂,0 -@user bought a ticket from Harlow T to Heathrow from ticket machine and it was not accepted by Heathrow express #fuming,0 -@user I'll be cheering you on from the bench,1 -"@user @user I've never had someone I've never even met, infuriate me so.",0 -"Once she said you are my world, now she is saying not only you exist in the earth. #pain #heartbreaking",3 -@user You do know when most people refer to the hair as “lawn” they mean down there right?? 🤣,3 -@user I am furious that these passive smokers are huffing all my cig smoke without contributing to the cost of a packet #outrage,0 -People look the other way rather than to stick to what is right and just. #sadthought #dismayed,3 -"@user Ya, writes horror so everything today in the world looks normal to this dark individual",0 -An ignominious end ... they changed everything from analog to digital! 😱 IKR? Everyone who still had an analog phone *had* to,3 -Just asked someone for help and to low key be my mentor #adulthood #anxiety,3 -Absolutely love @user but can't listen to it during my commute on the subway because I burst out laughing and people stare!,1 -Are people becoming more annoying or am I becoming more angry?! 😩😒😕\n#introvertproblems,0 -@user Just one? 😄 Cress and Thorne from the Lunar Chronicles. Good character arcs + absolutely adorable.,1 -"Thank you, @user for using the Afghanistan policy of #44... he was pretty smart! \n\nP.S. Do not look directly at the sun! #bad",2 -@user I hope didn't scare other people who owned this figure that he will move at midnight 😂,2 -I forgive everyone. It's rare for me to hold a grudge.,2 -@user @user Fourth Visit in a row... Wow!!! Amazing as ever... Can't believe I can't go again... #whatpart... #brilliant 🦇,1 -#moist people aren't #offended by a little typo.,2 -Fuming with @user always awful customer service given. #fuming #angry #shitservice,0 -"@user beyond a joke! So #furious right now you have left my niece, sister and brother inlaw completely in the dark! Crap customer service",0 -"You want to know why I was laughing? It was a #solemn occasion, that's why. And she was always laughing, wasn't she? #VSS365",1 -"Never stay silent or let anyone intimidate you into silence. Lets make the world a better, safer place for kids #wallofsilence",2 -"Casper, Wyoming is just about to witness totality 🌝🌚 #amazing #Eclipse2017",1 -Thousands of pickled certified ostrogoths ! #angry,0 -@user @user go ahead & #coon. Would love to see you get hit by a man. I bet you wouldn't find it funny #blackhatematters,0 -#gh Jason & Sonny are hearing a little more of what Sam went through #heartbreaking @user @user @user #BillyMiller,3 -"On that note, petition to take HPE for .5 credits so your horrific grade in there matters less. #ORUFreshmenAdvice",0 -Summertime sadness,3 -@user Who even knew that the Eu could be vindictive.,0 -When lil bro refills your water bottle cause it's a desert when I sleep... #cheering #lazysis,1 -I woke up too moody who gon Die today 😠,0 -#congress start charging back the dems #for taxpayers money waisted #pissed off with u,0 -@user They are adorable !!! I need them all 😭,1 -Why is an alarm clock going 'off' when it actually turns on? #alarm #alarmclock #ThursdayThoughts,0 -@user I'm feeling bad for the family dog. #nightmare,3 -Feeling #restless today for some unknown reason,3 -"Then he will speak to them in his wrath, and terrify them in his fury, saying 'As for me, I have set my King on Zion, my holy hill.'",0 -"I'm not picky, guys are just intimidated by me... and I don't let dudes run over me or run my life and finances. If u can't respect that bye",0 -@user #Women#Powerful#Sentiment\nChibok is NIGERIA #concern,2 -@user @user No she incriminated herself with a multitude of felonies over her 2 1/2 decades of #terror on the US\n#MAGA\n#POTUS45,0 -@user @user I don't think it's very funny you guys bullying a man for struggling to put on a poncho #bully #bullies #bbc,0 -@user Just what in the hell is that supposed to mean? #offended j/k :cD,0 -I loved you even when everyone told me it was a bad choice 😕 #wish #you #stayed #away,3 -"Siward, with him #father to #anger; blunt not confessing #MacduffWasGoing",0 -@user Happy US Publication day Riley!! So excited for you and for everyone who is yet to read the amazing #FinalGirls #TwoDaysFor🇬🇧,1 -@user Indeed 😲\nAlways a #worry for our #homeland #Gibraltar #Spain \n#Tale or #foretelling #future\n#great #short #story,2 -"@user @user @user Not religious, but a game that the Inuit women play - first one to laugh, or breathless, losses.",1 -@user #F3Roswell #Preblast\nI've been handed the keys to Roswell Area Park. See you in the gloom. Be ready to slip & slide at 0530,1 -"@user Sir, people need revenge",0 -#pissed Hate losing more than Montrezl Harrell Why have meteorologists been so impressive after that pick.,0 -I hate you.\nI want to know how you feel about me though. Because I want you to like me so I can break you.\n#darkerside #revenge #wasteoftime,0 -I've used almost half of my printing money and it's the first day of the semester. #pissed,0 -@user OMG! Are you kidding me with this? I thought Pence was bad but they had to go even farther!,0 -"I just tore my 2nd meniscus in 2 months what the fuck have you accomplished. But seriously, reaching maniacal laughter pain/WTF, self?-ness",0 -No offense but I was team cap in civil war but I understood some of Tony's reasoning,2 -"#happiness can be found, created or curated.\n\n#depression #DepressionAwareness #Depressed",3 -@user Some jurono play very smart dont support truth but give opinion in a way tht ensures government dont feel offended,0 -"What's wrong is always available so is what's right, you decide on what to focus. #success",2 -Thx Netflix for making me hooked on Fosters!!! #anxiety #crying #cantturnitoff,3 -@user @user @user People know your serious now brother! #awesome,1 -What are some good #funny #entertaining #interesting accounts I should follow ? My twitter is dry,1 -"In this state of #terror, you are far more susceptible to #addiction. 🤔\n\nAlso more likely to spend your #money in attempt to feel better.",0 -"i know i have been ranting these for days, but fuck how can they dub weightlifting so poorly? 😠",0 -"Elle: a delicious, dark, perverse work of intrigue, streaked with cruel humour. Superb performance from Isabelle Huppert. A one off #ElleDVD",1 -We have a GLOBAL problem: Illicit trade in #tobacco products presents a serious #threat to public #health. #UNTobaccocontrol @user,0 -"And then when you tell those people, they’re wrong in their stance, they want to get mad and start bullshit. I don have time.",0 -huddling before flames\ndon't let poetry scare you\nproduction is wild\n#haiku,2 -reminds me a little of Monster (though on a tiny scale) and it has one of the most genuinely horrific villains I've ever seen,2 -One of my clients just said that my look reminded her of Kim Kardashian! Oh shoot hey now! Watch out...\nNot bad.. okay #flattered,1 -@user I always preferred the quiver,1 -@user @user @user That's like asking someone to back up a claim that toddlers throw temper tantrums.,0 -"'I smile. I laugh. \nBut behind it, is a mysterious me.'",1 -When you took off for expo but the flight you need is sold out 😭😭😭 So no expo for me,3 -I'm a talkative person but how does the scowl on my face at 7 am lead my neighbors to believe that now is the time for conversation?,0 -One chair is having the munchies. Are Alpacas edible? #afraid #WhattheFAC #SalientFAC #Salient2017,0 -I dont know if i'm able to take care of kids or not. Duduk dengan anak sepupu (boy) pun dah menguji kesabaran 😅,1 -@user Crown? Teaching the kiddies to have a flutter?,1 -#AmarnathTerrorAttack saddened to hear this ....need to take strict action against #terrorism ...,3 -going back to work today is so depressing,3 -"Today, no matter how desperate or dire your situation nothing is too difficult for God. (Jeremiah 32:27) #JustBreath #HeIsAble #Believe",2 -"@user Russia , Russia Russia, Know any other word??? It gets old folks. We need to work together. Dems having tantrums!!!",0 -"@user « crouch, as though she is about to attack. She launches herself into the air towards me and explode in tiny dazzling orbs of »",0 -"@user @user @user Congratulations Jo, that's fantastic #30Years #inspiring",1 -"@user #bitter we all have bad experiences, this was 22 years ago...time to let it lie... @user forever ❤😍❤",2 -@user do you have the first peppa pig vid with come out ye black and tans handy? obviously lost online with the old page :(,3 -max @user is lit af he rly put up w my dumb ass for abt two yrs ol boy deserves an award <3 i lov him sm hes a delight & a half,1 -The hype is real. #SagasOfSundry #dread is amazing. @user,1 -"We are hard-pressed on everyside, yet't crushed; we are perplexed but't in despair; persecuted, but't forsaken; struck down, but't destroyed",3 -@user This thread is a bunch of Putin lovers rejoicing over a video posted by Iranian state television. Sad!,3 -"JaredKushner & IvankaTrump are called senioradvisors,but are more like #caregivers who try to moderate dads outbursts of #narcissistic #rage",0 -House sitting for MIL. Feeding baby @ 3.45 and cat starts scratching at door. Mummy now needs a nappy :S #terrified #NeverAgain #nope,0 -I'm sorry but it just feels wrong to have an All-Star Game without #Bryzzo there. #depressing #ASG2017,3 -"@user dude, you're killing it on KSR #hilarious #AradioNatural",1 -stand on ze point! standing near ze hurting. good to lose. zhe flesh is exciting! oh ho hoh! zhat book certainly seems angry!,0 -season 6 #glee,1 -Yaaaaaaaaaaaas!!!! Scotty Sinclair #wonderful #magical,1 -@user @user U envying Blac Chyna money yet wanting donations urself 4 whiteman #gossip #snarl!,0 -Adam Sandler is actually super hilarious & all his movies are funny & heartwarming,1 -'A #nation is a #society #united by #delusions about its #ancestry and by common #hatred of its #neighbors.' #Fact #TeamFollowBack,0 -Mon the Blues! #origin #queenslandvsnsw #blues #hayneplane 🔵🔵🔵🔵🔵🔵🔵,1 -@user increasingly I am. Corbyn would screw us with his ideology. Don't expect tories to do it through sheer incompetence. #grim,0 -@user @user Looking forward to the big fella's comeback... #furious,0 -I am a terrible person. I have a viscerally negative reaction to Big Bird's new voice on Sesame Street. #shudder #nope,3 -@user @user Ou geek 😄,1 -"Sad to hear interviews w/ Trump voters, now terrified abt losing healthcare\n\n#npr #cnn #HuffPostPol #nyt #WaPo #AP_Politics #BBCnews #msnbc",3 -It's 2017 and there still isn't an app to stop you from drunk texting #rage,0 -"When people tell me they're a huge fan of #LordOfTheRings, but they've never read any of the books...\n\n#sadness #despair #misery #covfefe",3 -@user This is ☀️this is clouded sky 🌥😂😂😂👍🏽😁👏🏽,1 -Words may sting. But silence is what breaks the heart.,3 -My work called me at fucking 5 am to tell me to come in at 6 instead of 7 I’m fuming,0 -Mayweather's trash talking is on par with Nate Diaz #terrible would love to see McGregor KO him #MayweatherVsMcGregor,0 -#NoBetterFeelingThan teetering right on the edge..\n\n#joy #pleasure #happiness #bliss #anticipation,1 -#muggymike #revenge oh dear,0 -"I'm furious, wondering what happens after the latest 'Yep, sounds pretty treasonous' scandal. At least calling Sens is something we can DO.",0 -Family stuck with crappy options thanks to @user . Worst airline. #furious,0 -Depression & fear come when we're hyper-focused on what we don't have or who we're not instead all that we have and who we are! #contentment,2 -Hello puss! Puss puss puss! Don't be afraid!,2 -Actually gunna miss America a lot 😰,3 -When you realize you start college in literally less than a month hahahaha what the FUCK I just wanna be a #carefree teen forever TF,0 -"That moment you pour your heart and soul to a girl, she reads the message, but doesn't reply #love #relationship #help #idontknow",3 -"'Suddenly I can do so much, & it feels like my brother was holding my back in a way, & that feels like a horrible thing to say' #InsightSBS",0 -"Once you've been hurt, you're so scared to get attached again, you have a fear that every person is going to break your ❤️💯",3 -Honestly Michael Clifford is so fucking ugly who let that rabid dog make music,0 -It is a shameful thing to be weary of inquiry when what we search for is excellent. - Marcus Tulius Cicero #ALDUBersaryin5Days @user,0 -"Jellyfish are turtles' food, turtles that you kill by throwing YOUR plastic wastes in the sea. So don't complain when they sting your ass.",0 -OH YEON SO's kdrama is so nice and i am still in awe that she and dara are friends now.. hope they can have kdrama soon!,1 -This rain had me dancing in the street #rejoice #rejoice #thetimeofgreatsorrowisover,1 -@user @user the one college stadium I really hope the offense is atrocious Who TF is Derron Smith?,0 -someone cheer me up,1 -"For every dark night🌑, there's a brighter day🌞.",2 -"Consider the language. She says DJT Jr. Sought, wasn't promised, dirt on HRC. Will inflame the left, may compel the right to lash out.",0 -Getting out of the car park could take longer than the Jimmy Carr show ran #nightmare,0 -@user tou sad,3 -Cream tea @user #delicious,1 -"Quick annoyingly vague scream into the void: AAAAAAAAAAGH. I'm nervous, excited, terrified, trying not to get my hopes up",0 -@user Stop fearing and stop fearmongering. You are much better than that.,2 -New #madden franchise league on XB1 coming soon Follow & DM if interested full 32 team league 1st 5 help decide rules & rosters,1 -#BonnieRaitt just made me feel all the feels. 😭 #favorite,1 -I hate when stupid ass shit irritate me,0 -Saddest part about messing up both my legs/ankles? I miss heels. Being a 7fg giant was fun. #sadness,3 -"All I want to do is sleep. My dreams are bizarre, but still an escape from my problems. Is this #anxiety, #depression, or both? #tiredoflife",3 -Earlier: where's #NotInMyName gang?\nNow: hope they have placards condemning Islamic terrorism. \nNext: ?,0 -"Been so active these days. That now that I have a day off, I am soooo restless. :P Haven't been restless in months.",3 -At least @user not turning up is not the most outrageous thing at #F1Live #Kaiserchiefs,0 -"Article 370 must be abolished. Human rights must be denied to these NGOs, Separatist n terrorists who advocate peace n terrorism. @user",0 -furious refrigerator makes you blitzed,0 -WOW this season is going to be GOOOOOOOOOOOOOOOOOOOOODDDDDDDDDDD AHHHHH #shocking and #Intense,1 -@user @user did u take a fee for this instead of just pointing? #outrage #twitterfume,0 -"Don't be light and dark, night and day, smile and cry, ――you and me.",2 -"@user Muslims r justifying terror attacks on Hindus citing babri, but who is hurting Hindu sentiments time and again by killing cows?",0 -"Most condemn, some protest and few revenge, it takes guts. That's all. \r#AmarnathTerrorAttack #Hindu #Kashmir #RajnathSingh #Modi #Ninda",0 -"#Media will debate, politicians will blame each other, on the ground it feels amply clear #India stands defeated against #terror. #Breaking",0 -I should've gotten an apartment with Kenneth 😭,3 -@user just because you married money doesn't mean you have class it just means you are a high prices prostitute. #adorable,0 -"'...built in #order to #start #afresh. Such #thoughts caused #energy to #flag, and #people concerned...' (The #City CoA)",2 -@user I have tried #PUR Mojito Lime mints They are #delicious 😘Happy #NationalMojitoDay to all #contest #win ✅💚,1 -sometimes I think I'm just #afraid as a person,3 -Grind smarter. #Hustle #Grind,2 -@user I try not offend too but tbh if anyone says anything bad about Aaron or Aaron stans that's when I start getting shitty 😂,0 -@user Nope and never has despite tech support saying it's a network issue. Support and communication has been awful.,0 -When one door closes another one opens #opportunity #growth #optimism,2 -Your smile could never make me frown.,1 -Goddamn fucking piece of shit panic attacks...,0 -Is it national dont use your blinker day or something? Wtf!,0 -@user ... or have an earpiece that feeds him gruelling questions by an irate news editor :),0 -how can u expect me to love something that makes me so unhappy? 😌,3 -angry? the austrian in front of you is even angrier,0 -I can't wait until I finally meet the loml. These pussy boys are really starting to irritate my soul.,0 -i love his smile,1 -@user why is your phone and booking system so poor,0 -@user Wishing you well sir... you are an extremely straightforward and jovial person...,1 -Is it weird to look at your creative work and not know if it looks good or not? 🤷🏻‍♀️ Does this even make sense? #😂 #design #EclipseDay,1 -"@user This isn't about the UK government, sadly: reading what I can of the article, it's coverage of the Irish law review.",3 -@user @user Can you falter Katli?,0 -I miss my friends so badly 😢,3 -4 years 😭rest in piece #coreymontheith #glee,3 -"Today #wanking target: #Long #sexy #tongues\nThat's my #fetish - #long #yummy #tongue\nIf any girl want,sent me your tongue photo :) I love it",1 -Feeling full of existential dread? Bash mass surveillance 🌱,0 -I can't believe a burrito was left on this sink and nobody though to trash it,0 -"first ever doctors appointment without my mum, how daunting",3 -"I'm 7 months sober today and still, all I want is to dig up my xanax and turn off my brain",3 -Nicole: we have to go somewhere warm and tropical\nMe: okay where?\nNicole: Oakland\n\nWhy does no one in my life ever look at a map?? #lost,3 -"An email that will never be sent, a message that will remain unsaid, a voice never heard again. #loss #sorrow #Friends",3 -"Thankful 4 Mother Nature's help with the 'watering ', downside, my legs are protesting 😣 #ouch #snap #crackle #pop rice crispies 4 legs 😀",1 -Jock! Pakistani are Firing on loc without reason.They r Killing our Pilgrims. #PMO Thanks! V r safe! R V #warfools ? #fearing PAK nuke??,3 -"With you, I'm lost in the moment. Without you I'm lost in the world.❤️🤐 #world #moment #lostinthemoment #You",1 -Why do I get mad so easily 😐,0 -zayuuum...bey's tatas got huge lol😋 #yummy,1 -mom asked if i wanted acrylics & i said 'no because you never know when someone gon let me tickle they pussy' she was deeply offended. lbvs,3 -ever shit and just become another cog in the chat i will not hesitate to smack ur bottoms,0 -Low key Dro f*cked Molly like he had a point to prove lmao 😂 #InsecureHBOِ #insecure #MollyOutHereWreckingHomes #repeatcycle,0 -And the idiots are still gobbing their ridiculous garbage with no better brain it's all they do: the relentless braindead garbage gobbers,0 -they think they're The Shit when they ain't shit gdi im bursting with anger,0 -@user But his mannerisms are hilarious !!,1 -"@user Duna what u mean mate, am a delight",1 -When you call the sick line hysterically crying. #awkward #anxiety #depression. Prob gonna get fired. 💔lol,3 -Sector71-78 area is all full of #Immigrant #bangladeshi they are a #threat to us\nthey #steal #Rape #Kill #bully \n#SaveHindusInHindustan,0 -"The Republicans need to offer a detailed and competitive plan, if they don't buy counter terrorism, or their own plan.",2 -I CANT EVEN BREATHE IMM STILL ROLLIN UP THAT CHRONIC 😤,3 -Nobody *assumed* what role you should play. It was a dream cast. It's not real life. Get over yourself and pipe down. #rage,0 -Still at school 🙁,3 -"@user Wherry has, but pnp has been not so much sadly",3 -Apologies don't have to be sincere. They make great place holders while you quietly harbor rage and plot adequate revenge.#TuesdayMotivation,0 -wanna hangout with mah bessy ☹,3 -@user good to know 👌🏼 I'm hard to offend when it comes to tmi shit lol,1 -U know what's very pathetic? The fact that I dearly miss my professors but they probably forgot about me already. #sad #:(,3 -"@user Sorry to burst your bubble, but opposition research is part of every political campaign. Doesn't matter where it comes from.",3 -Wtf is wrong with u pldt 😤,0 -@user .@CrowGirl42 and I also! If you're over 105 wear whatever the hell you want! 😅,0 -"Would love to stop crying sometime today, on my tenth cry 🙄 deep sadness on top of food poisoning do not mix. #miserable",3 -"They'll pollute workplaces, threaten the existence of others and destroy relations its all they know how to do without CONSEQURNCES",0 -Defin @user Worst.Internet.Service.Ever. The cancer of monopolies,0 -"@user Do you live in Manhattan, broflake? You're fake outrage is at whiny-Millennial level.",0 -Gutted for #andymurray. #sadness #balls #Wimbledon2017 🎾😬🎾,3 -flatmates provocating pine pollen man,0 -@user LOL 😍 This show is so funny,1 -@user may I ask a question please #scared,3 -@user @user No ones trying to fuck with you tiff.,0 -"@user Yeah I've had that, l say hopefully you'll never get it then you horrific waste of skin.",0 -Few things more frustrating that organisations who don't have media contact numbers and request you 'fill out our online form' #rage,0 -@user Nana's death in the Royle Family 😢,3 -met a cute virgo boy from maine. He shared his joints with me while we harmonized in a garden.,1 -@user @user And using political power to exact #revenge when they don't get what they want. #Kushner,0 -I'm so sorry\nfor so many things\nI never say it\nmy burden to bear\nSo tired of talking\neven dreams grow stale\nMadness a relief\nto my ?,3 -Grumpy AF today #badsleep #grumpy,0 -When you watch @user #MainEvent and play a small tourn. in your local 🇦🇹 cardroom. #limpedpot #familypot #horrible #polkish,0 -"see, that shit would irritate me so much. don't save my picture and then have a secret circle jerk on twitter about how you DONT like me",0 -"Don't be afraid of your fears. Their purpose is not to frighten you, but enlighten you and lead you into a better future. #dailycraig #fear",2 -I don't know how much longer I can play stupid 😒😔 #heartbroken #stupid #sadness,3 -alec is a sad baby when he wakes up without magnus next to him n I'm screaming,3 -"I can drive you crazy without each other, chase each other but it was supposed to go again.\n I see you, my sadness, Be my",3 -"Me and @user snap streak is at 260, if that's not amazing I don't know what is #commitment",1 -Cool and dreary in the orchard this morning. If you're a die hard picker and still want to come out please dress accordingly.,1 -@user Not much room in there 😱,3 -i feel like i'm downcast 😶,3 -131: Lyttleton: Love can hope where reason would despair.,2 -oh and my alarm should be going off soon for the doctor so that's fun,1 -#Sad #sentiment does a bad mind-#management as worry that is had gives #resentment by spoiling the #present #moment and so we deeply #repent,3 -"As included in the Villalta scale, people living with #PTS experienced heaviness of the leg and pretibial oedema. #ISTH2017",3 -Literally @user is the best thing. I used to spend HOURS reading this shit when I was in college. Still so fucking funny #dying #hilarious,1 -anyways Stan Astro i'm goijng to sleep bc i stayed up all night again i lvoe taylor and yoongi Bye,1 -@user @user Tory teachers I know are disillusioned by another 1%. There seem to be more sullen faces in the staff room.,3 -"If you don't follow @user you should. His feed yesterday, all day, was gold. #TrumpJr #baffled",0 -I'm more a world half alive than half dead kind of poet. #poetry #climatechange #despair,3 -"Is @user on Fourth of July holiday in his mind?\nOr is the heatwave getting to him, ha?\nGOTTA use your mic! 😀\nThanks for the giggle!",1 -The point of maximum danger is the point of minimum fear.,2 -Add me on snapchat : dfdf_66\n#dick #pussy #nudes #horny #anal #ass #bigbooty #bobs #cock #blowjob #sex #sexy #snap \nAny horny girls ?🔥💦👅👅👅,1 -discouraged,3 -@user @user @user probably not and i resent my tax money being spent in this way.,0 -Why would Mourinho be talking about Lacazette?? He doesn't worry about other club's players. That's Klopp and Wenger's job,0 -I'm changing the snowman's into awful looking monsters at night. Its so funny when their owners encounter them and scream!,1 -@user @user I think this might sadly be too late for @user or @user,3 -i want to cry just thinking about college and it was only the first day #a #good,3 -@user @user @user Well that's funny cause we all know she is a serious Russian mafia atty,1 -@user @user Delusional. Disgraceful. Democrat. Enough said.,0 -Definitely crying from the worst nightmare I've had in a awhile,3 -.@POTUS every other President has said you can really only govern foe 18 months until the re-elect. Why are you focused on 2020 now? #scared,0 -"I don't know why I'm like this but, whenever I see him, I just smile and feel happiness when he's around💕",1 -@user First it was steaming pussy with garlic now this 😰 ao i give up,3 -That heartbreaking moment when you realise that @user has stopped following you on Twitter. #depressed #cryinginmysleep,3 -I need a sparkling bodysuit . No occasion. Just in case. It's my emergency sparkle suit .,1 -@user I've finished reading it; simply mind-blogging. The writer said 'to be continued' but I haven't found part 2. #depressing,3 -shaft abrasions from panties merely shifted to the side\n\n#theoldsideshift #annoyance #humansoflatecapitalism,0 -All this fake outrage. Y'all need to stop 🤣,0 -Would be ever so grateful if you could record Garden of Forgiveness gentleman @user @user #amazing,1 diff --git a/notebooks/data/train_emotion.csv b/notebooks/data/train_emotion.csv deleted file mode 100644 index 0e5ef547..00000000 --- a/notebooks/data/train_emotion.csv +++ /dev/null @@ -1,3258 +0,0 @@ -text,label -“Worry is a down payment on a problem you may never have'.  Joyce Meyer. #motivation #leadership #worry,2 -My roommate: it's okay that we can't spell because we have autocorrect. #terrible #firstworldprobs,0 -No but that's so cute. Atsu was probably shy about photos before but cherry helped her out uwu,1 -"Rooneys fucking untouchable isn't he? Been fucking dreadful again, depay has looked decent(ish)tonight",0 -it's pretty depressing when u hit pan on ur favourite highlighter,3 -@user but your pussy was weak from what I heard so stfu up to me bitch . You got to threaten him that your pregnant .,0 -Making that yearly transition from excited and hopeful college returner to sick and exhausted pessimist. #college,3 -Tiller and breezy should do a collab album. Rapping and singing prolly be fire,1 -@user broadband is shocking regretting signing up now #angry #shouldofgonewithvirgin,0 -@user Look at those teef! #growl,0 -@user @user USA was embarrassing to watch. When was the last time you guys won a game..? #horrible #joke,0 -#NewYork: Several #Baloch & Indian activists hold demonstrations outside @user headquarters demanding Pak to stop exporting #terror into India,3 -Your glee filled Normy dry humping of the most recent high profile celebrity break up is pathetic & all that is wrong with the world today.,0 -What a fucking muppet. @user #stalker.,0 -Autocorrect changes ''em' to 'me' which I resent greatly,0 -@user I would never strategically vote for someone I don't agree with. A lot of the Clinton vote based on fear and negativity.,0 -@user Haters!!! You are low in self worth. Self righteous in your delusions. You cower at the thought of change. Change is inevitable.,0 -I saved him after ordering him to risk his life. I didn't panic but stayed calm and rescued him.,2 -@user Uggh that's really horrible. You're not a bad person by any stretch of the imagination. I hope this person realizes that.,2 -@user @user @user Tamra would F her up if she swung on Tamra\nKelly is a piece of 💩 #needstobeadmitted #bully,0 -Love is when all your happiness and all your sadness and all your feelings are dependent on another person.,2 -"It’s possible changing meds is best not done while under stress. Difficult to tell what part of despair is circumstantial, what is drugs.",3 -"im also definitely still bitter about the yellow ranger not being asian, but asian representation in hollywood is essentially a shrug anyway",0 -@user The irony is that those protesting about this kind of stuff are the Orwellian nightmare they think they’re fighting against.,0 -@user @user nah way that's horrible,0 -@user I think just becz u have so much terror in pak nd urself being a leader u forgot d difference btw a leader nd terrorist !,0 -angel delight is my everything,1 -Puzzle investing opening portland feodal population is correlative straight a snorting infuriate: XLzjYhG,0 -I believe I'm gonna start singing in my snap stories on the tractor. Switch it up a little bit.,1 -I have a rage rage ep 2 coming out soon I'll keep you posted on it #YouTube #youtubegaming #rage,0 -Why have I only just started watching glee this week I am now addicted 🙄 #glee #GLEEK,1 -"Jorge deserves it, honestly. He's weak. #90dayfiance",0 -@user 'shit' doesn't even begin to describe these fiery little demons straight from hell 🌝🌚 ;),0 -@user @user ditto!! Such an amazing atmosphere! #PhilippPlein #cheerleaders #stunt #LondonEvents #cheer,1 -"Interview preparation, I hate talking about myself, one dull subject matter! #yawnoff",0 -Manchester derby at home,1 -"It'd probably be useful to more than women, but I'm dealing with re-reading an article about a woman being harassed on the subway. #concern",0 -her; i want a playful relationship\nme; *kicks her off the couch*,1 -Romero is fucking dreadful like seriously my 11 month old is better than him.,0 -"@user It’s taken for granted, while the misogyny in the air is treated as normal — and any angry response to it as pathological.",0 -@user oh I see. I've seen so many people mourn the loss that I was surprised to see your tweet. I suppose same old here in SA,3 -so gutted i dropped one of my earrings down the sink at school,3 -"Happy birthday to Stephen King, a man responsible for some of the best horror of the past 40 years... and a whole bunch of the worst.",1 -“ My courage always rises at every attempt to intimidate me.”\n-Elizabeth Bennett (Pride and Prejudice)\n#Quotes #Courage #FaceYourFears,2 -"It's a good day at work when you get to shake Jim Lehrer's hand. Thanks, @user Still kicking myself for being to shy to hug @user",1 -I'm so bored and fat and full and ridiculously overweight and rolls galore,3 -"@user Flirt, simper, pout, repeat. Yuck.",0 -"Trumpism likewise rests on a bed of racial resentment that was made knowingly and intentionally, long before Trump got into politics.",0 -There's this Bpharm4 guy Eish that guy brings anger into my life. When I see him nje like darkness fills me @user will know,0 -"Tears and eyes can dry but I won't, I'm burning like the wire in a lightbulb",0 -Nor hell a fury like a woman scorned -- William Congreve,0 -@user Tried 2 get earlier flt 2day @user Turnd away bcuz it was 2 late Then agent let other pas on #silvereliteleftbehind,3 -"@user I so wish you could someday come to Spain with the play, I can't believe I'm not going to see it #sad",3 -"Val got a little too big for her hiking boots with that bakewell, the little terror #GBBO",1 -@user bts' 화양연화 trilogy MV is my all time fav🙌 quite gloomy but beautiful as well✨,1 -@user @user Prudence suggests that a 8+% bump over 2-3 weeks should be viewed with SKEPTICISM. Media/HRC axis #angry,0 -Thank you disney themed episode for letting me discover how amazing the @user are! #hilarious,1 -Need a new outlet for #rage,0 -Rewatching 'Raising Hope' (with hubs this time) and totally forgot how hilarious it is 😂 #HereWeGo,1 -@user @user wow. not heard this in forever. Random but. great #sting #xph,1 -May the optimism of tomorrow be your foundation for today.,2 -"@user @user @user \n\nAnd also, trying to find it on Youtube is a fucking nightmare.",0 -@user spent over 2 fucking hours and still can't get that dam SIVA fragment on Fellwinters peak mountain,0 -"Happy Birthday, LOST! / #lost #dharmainitiative #12years #22september2004 #oceanic815",1 -"#PeopleLikeMeBecause they see the happy exterior, not the hopelessness I sometimes feel inside. #depression #anxietyprobz",3 -People who go the speed limit irritate me,0 -#FF \n\n@The_Family_X \n\n#soul #blues & #rock #band\n\n#music from the #heart\n\nWith soul & #passion \n\nXx 🎶 xX,1 -@user @user ohh.. so here comes sense from terror supporting stone pelting vandalizing ppl who gather b4 protests to announce ...,0 -My fav #movies are #horror but they don't make them like they used too. Haven't seen a great one in years,3 -I'd like to bridge the divide between Right and Left Twitter and say that the new Tweet truncating thing is fucking awful.,0 -@user I am shy xD,3 -After what just happened. In need to smoke.,0 -Joes gf started singing all star and then Joe got angry and was all sing it right and started angrily singing it back at her,0 -"@user I remember its heyday, but these ladies range in age from, I'd say, mid-30s to early 70s.",1 -@user so this houses will get into my instestines and scare my poop and I'll shit my pants?,0 -@user @user @user \n\ndo REDNECKS intellectually intimidate you and force you to be their dancing clown?,0 -"Sometimes I like to talk about my sadness. Other times, I just want to be distracted by friends, laughter, shopping, eating... \n\n#MHChat",3 -Noooooo @user without #MaryBerry will be #awful #endofanera going 2b so #lost @user have bought a #lameduck there #notallaboutthemoney,0 -"On the bright side, my music theory teacher just pocket dabbed and said, 'I know what's hip.' And walked away 😂😭",1 -"@user it can go one of two ways. You either get over it and accept it, because it's not going to change, or you mope about --",0 -"#PeopleLikeMeBecause they see the happy exterior, not the hopelessness I sometimes feel inside. #depression #anxiety #anxietyprobz",3 -#ThisIsUs has messed with my mind & now I'm anticipating the next episode with #apprehension & #delight! #isthereahelplineforthis,1 -God we need a new goal keeper! They’re both horrific.,0 -@user Old age?! No hope for the rest of us. Destined to become deatheaters by 50 #nightmare,3 -"@user if I wanted GREEN POTATOES, a bottle with the tag still on, plus soaking wet items delivered - I'm winning today-sadly I didn't",3 -"Everybody's worried about stopping #terrorism. Well, there's a really easy way: stop participating in it. - Noam Chomsky",2 -wow almost all the T-Mobile stores in San Diego are out of Note7 replacements #sadness I need to get mine replaced,3 -I am worried that she felt safe. #unhappy,3 -#ahs6 every 5 minutes I've been saying 'nope nope I'd be gone by now.' 'MOVE' or 'GTFO' so thank you for the,0 -Nothing worse than an uber driver that can't drive. #awful,0 -"Leave it on there, rule,nimber 1 of carpet cleaning!!! #furious #worsethananatomicbomb #accidentlyspillbeeronthecarpet",0 -Said it before and I'll say it now: America is really fortunate that black people only want equality and not revenge.,1 -@user u know ion play that shit bout my weary brother,0 -@user @user cmode grimrail made me want to eat angry bees,0 -Happy Birthday @user #cheer #cheerchick #jeep #jeepgirl #IDriveAJeep #jeepjeep #Cheer,1 -"@user I assure you there is no laughter, but increasing anger at the costs, and arrogance of Westminster.",0 -Why are people even debating on race inequality within our justice system like it's non existent? They're just trying to aggravate us.,0 -"We're in contained depression. Only new economic engine is #Sustainability, say Joel @user + @user @ #VERGEcon. #NewGrandStrategy",3 -@user > huff louder,3 -"@user lol I thought maybe, couldn't decide if there was levity or not",1 -There's a certain hilarity in people angry at protests against the national anthem or the flag when these acts are covered by 1st Amendment.,0 -I don't want the pity of my instructors but I'd like some understanding. I'm truly trying despite ALL circumstances that make me discouraged,0 -"CommunitySleepCoach: Look at these #narcoleptic #puppies. Make you #smile. If you are human & find yourself in such odd positions, seek #th…",1 -"@user 9 -9 vs Atlanta this yr, 2 - 11 vs Rockies and DBacks this yr. That's a combined 11 - 20 vs 3 atrocious teams in NL #awful",0 -"@user @user experience all plays a role in that, it's education and preparedness not fear",2 -"@user appointment booked between 1-6 today, waited in all day and nobody showed up, also requested a call back and never got one #awful",0 -Summer officially ends today. #sadness,3 -@user seriously dude buy some bubble tape for your phones. #snap broke another phone,0 -@user holy shit...what the hell happened to your lips!! Fix that shit! #mtv #teenmom #horrible,0 -final vestiges of my 90's childhood were just dashed on the shoals of hearing a house cover of Tracy Chapman's 'fast car' at the dayjob,3 -Maybe the entire Russian team will test positive for meldonium and the North Americans will get to replace them,0 -Hey folks sorry if anything offensive got posted on here yesterday my account got hacked. All fixed now though. I hope :-/ #angry #annoyed,0 -in my dream....They were trying to steal my kidney!!! #blackmarket #whydidiwatchthat,0 -I was not made for this world. #empath #unhappy,3 -i'm... nervous about this test rip,3 -Ryan Gosling and Eva Mendes finally ; B joyful an funny/dont boss/dont argue/do everything with kids/go on mini car trips/ focus on love,1 -i was so embarrassed when she saw us i was like knvfkkjg she thinks we're stalkers n then she starts waving all cheerfully inviting us in 😩,3 -"Wow... One of my dads top favorite throwback rappers just died in a fiery car crash today in Atlanta, so sad so sad 😷😷",3 -I can't wait for you to listen to my new single 'Mystery' and my new album😋. #newmusic #newsingle #newalbum #2016 #popmusic #dark,1 -Anybody know a good place to book a show in #Montreal on short but not super-short notice? #punkrock #postpunk #blues,2 -"Don't be #afraid of the space between your #dreams and #reality. If you can #dream it, you can #make it so",2 -finally leaving my first job soon. i've been working here since i was 16. going to be kind of bitter sweet,3 -@user @user don't get me started on town centre. Used to go every week.... not been for 18 months #horrible,0 -will brawndo cure my depression? @user #Idiocracytoday,3 -Why is it that we rejoice at a birth and grieve at a funeral? It is because we are not the person involved. ― Mark Twain,2 -I dislike people who get offended by the littlest shit .,0 -@user you look adorable awe,1 -New play through tonight! Pretty much a blind run. Only played the game once and maybe got 2 levels it. #Rage #horror,0 -@user ur road rage gives me anxiety.,0 -@user brings back great memories of hilarity on #SATURDAYNIGHTLIVE,1 -@user @user my god is @user a full shilling? Seriously you need a major rethink or no lab gove in your lifetime #sad,3 -"significantly, with a #bitter smile, 'let me",0 -@user just trying to go home tonight? A run on 2nd and 20 and a run on 3rd and 20? That's what champs do...#sike #losers #terrible,0 -@user He didn't have many chances to show what he can do but looked lively and had a good shot tipped over the bar before the end.,1 -Need advice on how to get out of this rut!!!! #needmotivation,2 -in health we did a think about depression and now i feel like i have it,3 -@user It'll be easy to spot the parade of tiny weans in expensive jammies. Really is hilarious!,1 -Muscled man with huge heart is messing with my brain and heart. #lost #confused,3 -@user @user @user Trump says the refugee situation 'is not just about terrorism it's about quality of life.' Take note.,0 -@user I'm wearing all black tomorrow to mourn. 😭💔,3 -@user Hes right when the Civil war starts it will be wall to wall terrorism and i don't fancy the Muzzy's chances,0 -"@user *laughs louder this time, shaking my head* That was really cheesy, wasn't it?",1 -When my 4yo is gone I blast gothcore music. She has #anxiety & I can't listen 2 it around her bcuz it's 'too spooky'. *sigh* #momlife,3 -@user glee,1 -Gloriosa Bazigaga on #Rwanda work: 'I lost relatives in genocide but 15 yrs of peacebuilding has given me optimism it's within our power',2 -@user #mhchat Childhood experiences inform adult relationships. We have associative memories Not a question of ability to process,3 -"Texans and Astros both shut out tonight. Houston, we're back to normal. #texans #Astros #sadness #losers",3 -@user nick fury,0 -and I'm up from a dream where I said something really retarded on twitter and it got like 10000 retweets #nightmare,3 -@user @user don't get me started on town centre. Used to go every week.... not been for 18 months,3 -"@user both, scrap *ll the rage instead",0 -Just told me wife there was a chance it would be 2 Sydney teams in AFL grand final. Her response: 'there's two SYDNEY AFL teams?' #serious,2 -@user wow I'm just really sadden by that. Terrible,3 -I meet new people and I had to grow up with the reality that people can be desgusting and fake and so I lost my cheerfulness and started to,0 -Urgent need to get a new job. The constant gloom of my current one is getting a bit ridiculous now.,3 -These girls who are playful and childlike seem to have such lovely relationships. Can't imagine them having serious convos but it's cute 😍😍,1 -"I'm absolutely in love with Laurie Hernandez, she's so adorable and is always so cheerful!",1 -Why is it so windy? So glad I didn't ride my bike. #fear #wind,1 -"The point of living, and being an optimist, is to be foolish enough to believe the best is yet to come' - Peter Ustinov #optimism #quote",2 -@user @user Quite the response of retaliation from Weiner in getting revenge on Huma & Hillary 'clam digging'.\n#AllScumbags,0 -@user @user they're both pretty awful when you look at them historically,0 -broken policy' #blasio <> #trump #giuliani 'broken windows' all part of 'pecking order' #bully politics #america RESIST #motto,0 -"Mate the thing I get excited about in my profession are mad. A client said she opened her bowels, I'm rejoicing",1 -@user 'Don't you know how nervous I was to see you?',3 -@user Worst than going to the morgue to do a positive ID. #horrible Reuters,0 -@user that is one thing but attacking and hating is worse - that makes us just like the angry vengeful behavior we detest,0 -"@user wow , your right they do need help,so what I'm getting from the Laureliver fandom and bitter comic fandom and",3 -I'm such a shy girl🙄,3 -mmmm i'm kinda sad i hope i can shake this before school,3 -Every day I think my #house 🏡 is #burning 🔥 but it's always just my neighbor burning their #toast! 😷😡🍞,1 -"In fact, sometimes i don't get furious at people who wrong me, but i get furious at myself for being a fool.",0 -@user #nothappy and still #charging the #fullprice 😡😡 #fuming some your #bestrides 😳😳,0 -Everyone is raging,0 -Sometimes I get mad over something so minuscule I try to ruin somebodies life not like lose your job like get you into federal prison #anger,0 -@user @user the refs are in GT's favor tonight.,1 -NL's top bureaucrat is a director of a group formed to oppose NL's top megaproject. #nlpoli - never dull,3 -Watch this amazing live.ly broadcast by @user #musically,1 -No one wants to win the wild card because you have to play the Cubs on the road. #sadness,3 -@user @user Amal Clooney should try to prosecute #Bush/ #Blair for #war crimes that turned our World upside down&created #terrorism,0 -"@user stop the presses, @user said/proposed something racist. #shocking",0 -@user \nIsn't OBrien supposed to be some sort of offensive genius,0 -Good morning chirpy #SpringEquinox and your pensive sister #AutumnEquinox A perfect day however it is expressed 🌹🍁🌓☯️ #theBeautyofBalance,1 -"@user do we think the swallows and swifts have gone? Photo'd 3 nights ago, not seen since. #sad #Autumn",3 -I told my chiropractor 'I'm here for a good time not a long time' when he questioned my habits and yet again I have unnerved a doctor,2 -Lady gaga fucking followed i have been waiting for this day for ages it fucking happened im shaking thank you so much @user ❤️,1 -@user you came in at silly o'clock and woke me up that's what happened #wasted #fuming,0 -@user @user the gleesome threesome,1 -@user I think you should do. Get the fashion police involved. #shocking,0 -Wishing i was rich so i didnt have to get up this morning #poor #sleepy #sad #needsmoresleep,3 -@user relentless echo chamber - negative comments with lots of reverb. Typical bully behavior.,0 -@user Thank you for follow and its a good website you have and cheering with no hassle.,1 -@user people have so much negativity filled inside them but im always happy that in such a gloomy world someone like u exists Namjoon,1 -"When something makes you excited, terrified, thrilled, nervous, elated & like you've been kicked in the guts all at once. Need word for that",1 -@user that's not easy to blow up the LT on a run play. He created the seam for Sua to burst through,1 -@user @user But I decided to be a bit lackadaisical about getting dressed to get groceries.,1 -"@user optimism is he'll lose, that's actually a compromise :P",2 -@user \n'It's alright!' She said cheerfully trying to make the moment fun,1 -@user they might get Donal óg sure! They won't have him in cork as he's to fiery for dopey frank & his cult,0 -Ppl like that irritate my soul,0 -@user at least his character in fast and furious pumped some adrenaline into the franchise. But that's about it,2 -Now that @user has snapchat back it's a constant battle to see who can get the ugliest snap of one another 😂🙃 #snap survival,1 -@user He's just too raging to type properly... Ha ha!,0 -Pakistan continues to treat #terror as a matter of state policy says @user #UriAttack,0 -i have so much hair it's a nightmare but it's also very soft so it guess it's a win-lose situation,2 -@user @user whatever Sam is holding on your tee looks like it's got a droop on 😂,1 -"One step forward, two steps backward, the link to RogerFedererShop doesn´t work.😰 I am losing hope about Roger Federer new Website #sadness",3 -The Pats are awesome. Belichick is awesome ...they just are.,1 -"Don't join @user they put the phone down on you, talk over you and are rude. Taking money out of my acc willynilly!",0 -@user @user @user @user Take 2k out of it the numbers on madden are low and have dropped and people are unhappy,3 -"@user No! By Y'all I mean rioting, fire starting, business burning, looting ASSHOLES! That create #BlackLivesmatter",0 -HMS Pinafore' time.\n\nI need some mirth.,1 -Grim and despair feeling-I look at self and my family. Hubby fought 20+ years for this country. I've worked 20+ years for this govt-->,3 -"#COINCIDENCE??? When you turn on the TV, etc.& listen & watch, the objective is to #CaptureYourMind with #fear & #depression. #FindGODNow!!!",3 -"Turkish exhilaration: for a 30% shade off irruptive russian visitors this twelvemonth, gobbler is nephalism so...",1 -When will the weeks full of Mondays end?? #disheartened,3 -"@user I'm not on about history or other people, I'm on about you. I've bullied no one, I make three posts and you attack #bully",0 -@user way to go #London. Nice job electing a #muslim #jihadist for mayor. Good luck with your future #terror attacks #sadiqkhan,3 -Pull over #tonight and make your car #shake 😋💦,1 -Feeling #gloomy,3 -"B day next week, catch the sauce and watch the heaviness!",1 -"Carry on my wayward son, there'll be peace when you are done. Lay your weary head to rest. Don't you cry no more. #Supernatural",2 -@user cyber bully,0 -@user I found the first few episodes of Bojack incredibly funny. Then it got less funny but I stayed for the #drama,1 -10 page script due Friday for class. Who said I could do this MFA thing? #GradSchoolProblems #someonetelltinafeytohireme,1 -Riggs dumb ass hell lolol #hilarious #LethalWeapon,1 -@user bully,0 -India should now react to the uri attack..... #revenge,0 -"Well stock finished & listed, living room moved around, new editing done & fitted in a visit to the in-laws. #productivityatitsfinest #happy",1 -@user where is the outrage when black children get killed in the crossfire between blacks shooting each other?,0 -@user a rabid dog being ridden by the child who has eaten all the flesh off one fellow and the limbs of the other adults.,0 -@user watched the cobblers loads this season how is gorre a pro footballler terrible,0 -Putin feels it acceptable to bomb & kill aid workers. Soon he may be sitting at the same table as Trump!! #Armageddon #USApleasedont,0 -Why do people gotta start so much drama ? Shoot me ☹️,0 -Did we miss the fact that #BurkeRamsey swung &hit his sister #JonBenet in the face with a golf club previously out of a fit of ?,0 -nooooo. Poor Blue Bell! not again. #sad,3 -"@user @user #Muslims have been in USA for ages. To think that Muslims commit #terrorism due to #Islam, you gotta be out of your mind.",2 -"@user I am angry at the student for being a racist, and the teacher for not stopping it, and at the class for letting it go by.",0 -"If you think you're good to go already, don't worry about it.",2 -"Wine drunk is the worst version of myself ffs, don't even remember seeing basshunter",0 -The bounty hunter things a bit lively,1 -That feeling you get when you know the information but scared you might do bad on a test #collegelife #nervous 😥😥,3 -@user Supine on the piano—lips parted. #sixwordstory #amwriting #blues #singer,1 -@user thanks Ryan & Brad for scary the shit out of us in the first episode. Don't think my heart will make it through the s6,3 -Always borrow money from a pessimist; he doesn't expect to be paid back.,2 -7 pax enjoyed the #gloom @user @user,1 -Condolences to the JC and the Georges family..,3 -"@user snap, seems to be a problem here",0 -@user \nLikewise #death #cutting #despair,3 -They gonna give this KKk police bitch the minimum sentence..just wattch,0 -I feel like an appendix. I don't have a purpose. #depressed #alone #lonely #broken #cry #hurt #crying #life,3 -#travelfail #virgin #virginaus and #etihad #nightmare ... And now we're also delayed. #obvs 🙄😠,0 -#tulsa - Police manufacture murder... Wonder why we carry burners...? - MaxLevelz,0 -"Dehydrated, exhausted, stressed but still blessed. #optimism",2 -US you need to band together not apart #nevertrump he promotes hatred and fuels,0 -@user it's fucking dreadful for live footy matches,0 -"@user @user \nbecause distrust in life , Argentina has a lot of heart and this President is worth every vote.",2 -She's foaming at the lips the one between her hips @user one of many great lyrics,1 -"@user I guess it must be really expensive... For me it's that the whole family stayed in Poland, so I really miss them...",3 -@user @user @user @user @user I understand your concerns but look at her foundation contributions,0 -"SOMEONE LET SNAKES IN MY HOUSE, I BET IT @user I KILL THAT BUGGER WHEN I GET MY HANDS ON HIM #HuckFP2",0 -Fake people irritate me,0 -"@user #FMF protesters aren't interested in reasoned debate, just #intimidation #violence & #disruption to get demands met",0 -Lunatic Asylum: The place where optimism most flourishes.,2 -Damn gud #premiere #LethalWeapon...#funny and #serious,1 -@user @user all the bully,0 -It appears my fire alarm disapproves of my cooking style,3 -We're going to get City in the next round for a revenge.,0 -"#Trump is #afraid of the big, bad #Hillary. #election #PresidentialDebate #PresidentialElection2016 #orangehitler #skip #hide #coward #fear",0 -"@user I am sitting here wrapped in a fluffy blanket, with incense burning, listening to Bon Iver and drinking mulled wine. I'm there.",1 -"Petition for non-Maghrebi PoC to stop buying 'couscous' from white grocery stores and boiling it. That is not couscous, that is trash.",0 -"@user Thank you, happy birthday to you as well!",1 -Watch this amazing live.ly broadcast by @user #musically,1 -"@user We'll have a ceremony next time we meet. It'll involve burning something, then possibly booze and/or caffeine.",1 -Dear @user please tell your bus drivers if obstruction on their side DON'T just pull out to oncoming traffic causing vehs to swerve #fuming 😡,0 -alternate reality where @user has a comments section and you can give poems a cheery thumbs up or a disappointed thumbs down,3 -"@user May I suggest, that you have a meal that is made with beans, onions & garlic, the day before class. #revenge",0 -I highly suggest if you are looking online for a company to help you send you're package overseas..DO NOT EVER EVER USE @user,0 -"She began to squirm beneath @user struggling to get out of his relentless grasp. When she realized that the attempt was useless,++",3 -"As I remember and reflect on Reginald Denny on a night much like this (like #Charlotte) I think to myself, the gun lobby must be rejoicing.",1 -@user @user I was so looking forward to @user Then it opened with a #stuartspecial. I literally yelled at my tv. #umbrage,0 -something about opening mail is just...very pleasing,1 -When you have 15 doe run the opposite side of you 🙁 #depression,3 -@user you and that awful music can take a walk... right off a cliff. K. 😘,0 -Day 9 and I am elated because I'm taking PTO tomorrow so I'm doneeeee. But:,1 -"A pessimist sees the difficulty in every opportunity, an optimist sees the opportunity in every difficulty' -Sir Winston Churchill-",2 -@user don't think Ian knew of Pavel. He knew about Charlie. I bet Rob will cackle with glee when he heard what has happened #thearchers,1 -@user maybe he had constipation issues..? Not that I KNOW dates relieve such an affliction! No way jose!,1 -"@user Smh, remove ideologically bankrupt and opportunistic establishment now. They're burning all bridges and social contracts. #anger",0 -@user lost my xt nova around hole 8 or 9 #sadness,3 -At #UNGA Pakistan clearly shows the face of cowardliness and blatant lies! Its time for #India to act upon terror.,0 -"AQW should've always stayed in the 08 art style, now it's just a competition to create more detailed art each time.",1 -@user Mine is that the party did decide but the party has been slowly transformed into a vengeful hell-cult of white male resentment,0 -@user @user @user Kirby's Black Panther in a cool animated panel.,1 -You can't fight the elephants until you have wrestled the pigs. #quoteoftheday,2 -... flat party and I instantly get bollocked about it. #fuming,0 -"@user Betelgeuse/Sloth was lively, dedicated and tenacious, Regulus/Greed is humbly content and Ley/Gluttony is starving hungry.",3 -@user #ldf16 what shall we do this weekend? #spraypainting in #greenwichmarket with @user #core246 #lilylou #fret & #benoakley,1 -"@user awe man, when are you free then? ☹️️☹️️☹️️💘💘💘",3 -@user wanna shake my tree??? 🍑🍑🍑🍑,1 -@user he is.\nSure his mind was clouded but...],3 -@user now you gotta do that with fast n furious,0 -Ffs 🙈 when things come back to haunt you... cringe bad cringe 🙋🏼👀🔫 👈 what a terrible gun that is,0 -Never let me see you frown,0 -"A country that gave safe house to #Osama Bin #Laden is dangerous if not contained. #Pakistan is a #terror heaven, declare so @user",0 -#GADOT please put a left turn signal at Williams and Ivan Allen Jr Blvd. This is absolutely ridiculous #ATLtraffic,0 -Once again the only thing on my feed is naay raging about something and my brother filling in all the gaps,0 -#haikuchallenge #haiku\n\nThe crisp autumn air\nMy freedom purchased through death\nNo one will mourn me,3 -I honestly feel nothing towards either of my parents and it's pretty depressing,3 -If I could turn anxiety off--I would. #nooneunderstands,3 -@user (Maybe don't provoke him in the future if you do not want to run the risk of him punching your board.),0 -Karev better not be out!!! Or I am seriously done DONE with @user #angry #unfair #ugh,0 -"But 'for me not to worry, they'll get a glass guy over and bill us for it'",2 -@user now I'm really excited for November! Hope they're not all horrid chavs though 😅,1 -@user having a terrific game and not at all fazed #MCFC,1 -@user @user @user I threaten you because I can pussy,0 -@user fucked my coupon that goal!,0 -Reflection: the grind has been so REAL! Working 2 jobs & being in school. #ksudsm #ksu #recruiter #instructor #tumble #cheer #gradschool,1 -"Aberdeen st Johnstone, let's see who can punt it the furthest #awful",0 -@user A stumbling block to the pessimist is a stepping stone to the optimist.,2 -Listening to Joey really helps me and my anger.,2 -"@user The thing is, it's either I be unproductive and unhappy, or deal with some videos that do badly.",3 -Another joyful encounter in Tribez & Castlez! I just met Bartolomeo! Do you want to know who that is? Download the game and find out!,1 -@user @user @user yes exactly & he's sold out this country to #terror while #lying to cover it up,0 -"Woke by #nightmare @ 3AM, couldn't sleep any more, so took a #UseAllTheHotWaterShower. Now I have time to read.",3 -Got a $20 tip from a drunk Uber passenger. Today I get a $25 parking ticket. I'd blame karma but my dumb ass forgot to pay the meter.,0 -The Pats are awesome. Belichick is awesome ...they just are. #awestruck,1 -David Gilmour's biggest compliment? B.B. King asked him after a gig if he was born in Mississippi #pinkfloyd #theblues #davidgilmour #blues,1 -I seriously hope these chances Celtic are missing are going to come back to haunt them with an Alloa sucker punch,0 -I HATE little girls 😡😡 got a lot off growing up to do!!! #fuming,0 -After she threw me out I had to sedate her. With a damn horse tranquilizer.',0 -@user I was like that when I started college. It was horrific but it probably will get better. Don't give up yet,2 -"@user @user Hey stupid, that was bad intel to take Bin Laden out. Try again with your faux outrage. I bet u admire Putin right?",0 -"2 biggest fears: incurable STD's and pregnancy...I mean, they're basically the same thing anyway #forlife #annoying #weirdsmells",0 -Howl at the moon with @user at @user next Wednesday the 28th for a FREE double feature of SILVER BULLET and CURSED #horror,3 -"Two blankets, a hoody, and still no Eternal Sunshine to mope to.",3 -India wants to #shake #hands with # pakistan ..... but as usual pakistan #cheat with every #indian \n\n..........shameless pakistan,0 -@user The depth that you've sunk to. You're readership deserves more.,0 -@user That was exhilarating hockey. They're still out if Russia wins in regulation I'm reading. #fuck,0 -I wish you stayed in Da Gump I'll make you panic like the last rapper,0 -Projection is perception. See it in someone else? You also at some level have that within you. #anger,0 -@user actually maybe we were supposed to die and my donation saved our lives?? #optimism,2 -"If you follow #Trump, a certified #bully there is no question you or your children may go to #War vs consumate #Diplomat @user",0 -@user the tunnels! I shudder to think of the grimy tweets...,3 -@user #Disney's 1994 #animated #musical #film #TheLionKing was influenced by #WilliamShakespeare's #Hamlet. Songs by #EltonJohn.,1 -😑😑😑<---- that moment you finish a Netflix series and have nothing else to watch. #depression,3 -im tired of people telling me the worry about me when in fact they probably never gave a fuck about me,0 -@user @user AA have the right of passage when it comes to the 'N' word. Why should he insult him in his church. Ignorant!,0 -"@user sadly, war has often been the factor that jump starts US economic growth",3 -When someone rudely says all women should have long hair and your inner feminist tries not to rage,0 -"The animals, the animals\nTrap trap trap till the cage is full\nThe cage is full, stay awake\nIn the dark, count mistakes",3 -"“He who is slow to anger is better than the mighty, And he who rules his spirit than he who takes a city.”\nP16:32 #bibleverse #pride",2 -"$8 million in box office doesnt do this movie justice. Political or not, #SnowdenMovie is a terrific thriller and love story. @user",1 -Why upping rooms makes a few apprehend leaving out charcoal ownership: UnZU,0 -"@user @user yeah I received a fine today which I am furious about, currently appealing it after being a member for so long...",0 -That grudge you're holding keeps making an appearance because #God wants you to deal with it.,2 -"@user shock horror handicap dodger is at the top 😂 close on the agg cup good , but think pressure will get to mark🤔",1 -I'm girly in the sense that I always have lashes & nails done but tomboy in the sense that black is my only color & refuse the ruffle life,1 -"From harboring Osama bin Laden to its relationship with Haqqani network, there is enough evidence to prove Pakistan is sponsoring terrorism",0 -"It's not that the man did not know how to juggle, he just didn't have the balls to do it.\n#funny #pun #punny #lol #hilarious",1 -@user droop saw naked wrestling and asked 'What if I get a hole in one?' #jaymohrsports,1 -@user you got this💙 #staystrong #smile #yourebeautiful,1 -Nothing else could possibly put a damper on my day other than doing X-rays on someone with kickinnnnn ass breath 😿,0 -@user The concept that a gay magazine feels like it has to cover terrible people -because they’re gay voices- seems all upside down,0 -"@user But this is no easy ride for a child cries: \n'Oh, find me...find me, nothing more, \nWe are on a sullen misty moor...'",3 -@user Very thought provoking & leads one to question what really happened.Very sad for all.,3 -"Migraine hangover all day. Stood up to do dishes and now I'm exhausted again. GAD, depression & chronic pain #anxiety #depression #pain",3 -i had an hour of football practice under the boiling sun and now i have 2hr volleyball practice under the BOILING SUN AGAIN,0 -That's how you start a season that's how you open the show #show #them #how #dark #hell #can #get #Empire,2 -Might just leave and aggravate bae,0 -The joyful tambourines have ceased. The noise of the jubilant has stopped. The joyful lyre has ceased. -Isaiah 24:8,3 -"my boyfriend once forcibly stopped all of my anxiety coping methods at once (holding me, forcing my hands down that kinda stuff) and I --",3 -@user Ended up paying 75p for half a tube of smarties. Don't even get the pleasure of popping the plastic lid off either,0 -"But this is the internet age, so get mad out of any and all proportion and assume the terrible worst with little to no facts or knowledge.",0 -@user @user @user @user @user awe I feel so bad being naive ou is the worst,3 -Rooney = whipping boy. #mufc #sad,3 -@user start buying Death Wish Coffee and shake hands with espresso every now and then.,1 -@user cheer up,1 -@user I'm sure you'll have a heyday if they do,2 -@user @user @user @user @user @user to give me my keys back. They aren't for my house! #shocking,0 -"#ObamaLegacy - weekly #riots and #terror attacks, >400k dead #Syrians, #Jews fleeing #persecution in Europe, #Christian #genocide in ME.....",0 -Drop Snapchat names #bored #snap #swap #pics,3 -"@user @user #lestweforget 3 yrs on, 2013 Graduate Trainee recruitment not concluded. #disappointed #weary however #wewait",3 -Happy Birthday @user #cheerchick #jeep #jeepgirl #IDriveAJeep #jeepjeep #Cheer,1 -@user omg I'm so slow bc my eng is not very well and my hands are shaking uhh help meee I'm like this lil chicken now 🐥#MoreisBetter,3 -@user is the android app it designed to be buggy and work sporadically on a fire TV box?,0 -@user @user @user @user Don't provoke the Voke.,0 -@user bad.I am fearing for my life🙏,3 -@user some don't see the difference between courting and appealing to a women vs deception & pressure it's depressing,3 -@user Customer services got involved and eventually completely wash their hands of it. #awful #dreamornightmare,0 -Look at this #massiah of #youngleader\n#Pakistan #massiah of #terrorism,0 -"This pretentious dick in Night Gallery just fucking, used a towel to dry off his sink",0 -Another day Another flight 🙈 I swear my last ever @user flight!!!! You take the LOVE out of flying #easyjet #horrific #alwaysdelayed,0 -@user We're sorry to hear about the issues and how this is making you feel. We don't like to hear our customers being unhappy :-( We,3 -"We fear not the truth, even if it be gloomy, but its counterfeit.- Berl Katznelson",2 -"I miss my gran singing Rawhide, in her deep baritone growl.",3 -Egyptian officials expressed frustration and outrage over the Obama/Hillary administration’s support of the Muslim Brotherhood,0 -two major banking stocks down almost 15 to 20 % from their highs while benchmarks still close to top it is a sure #worry for markets,3 -Batman the animated series is a gift from the 90s animation gods,1 -"@user but what I am doing is in my control, #AvoidMMT , you guys are #terrible",0 -it didn't impress me but it didn't depress me',3 -@user @user I couldn't care less about #GOTHAM. I haven't watched it since the mid point of season 1. #horrible,3 -"@user @user @user Yes, it is bad to point out racism lest it provoke the racists. Some racists do indeed not like it.",0 -Just seeing Alex revells face gets me angry,0 -@user @user @user @user I dread to think... #DirtyPeople,0 -"@user If you get it going with him, tag me the link please. I have a lot of friends who love following his unintentional hilarity.",1 -"In addition to fiction, wish me luck on my research paper this semester. 15-20 pages, oh boy. #daunting",1 -@user - I can't read this article but headline indicates a horror story. Lock sick chavs up and throw away the key.,0 -"@user @user I live a life devoid of mirth. Come to think of it, there aren't enough taco bowls in my life, either.",3 -Trying to book holiday flights on @user website is becoming a #nightmare,0 -"@user John Kerry fckd u,chief justiceofpak made the statement publicly about party supporting terror what else u need#terrorstatepak",0 -@user jeezus God #dark,3 -I've realized my anxiety is at an all time high when I'm in my office. I feel prisoned here and I pick up on bad energy.,3 -r U scared to present in front of the class? severe anxiety... whats That r u sad sometimes?? go get ur depression checked out IMEDIATELY!!!,3 -"@user today which can impact the signal, I'm afraid :-( Our engineers are working to have this resolved by this evening and you'll",2 -Oh dear an evening of absolute hilarity I don't think I have laughed so much in a long time! 😂,1 -"Wtf are United doing, shocking defending",0 -"Amateurs sit and wait for inspiration, the rest of us just get up and go to work.' -- Stephen King #authors #serious #writingtip",2 -"Jesus wept! Another RNS from #rusty @user quote 'Price sensitive news, Price Sensitive news' etc etc The #Ramping here is",3 -Is there a perfume that smells like the smell of smokey incense because i would be all about that,1 -@user I personally liked #relentless …didn't get #OurHouse #OneJersey #werealldevilsinside \nDoes nothing till a puck drops #NJDevils,3 -#Scorpio always seek revenge!,0 -@user @user lmao awe... #sad,3 -Appropriate that first secretary at permanent mission is tasked with demolition of #terror state #Pakistan - Like 'renunciation of lies' bit,0 -@user meden is frowning at you with her non existent face,0 -@user I ❤️you on DWTS You make my night every show! 😘,1 -still shaking though 🙃,1 -When you arrive at the office the day before your first ever festival and the Internet is down #panic,3 -So drunk me hid my keys very well sober me couldn't find it anywhere,3 -"They'll be yo friend, shake your hand, then kick in yo door thas the way the game go🤖🤐.",0 -So depressing that it's darker so much earlier now,3 -I just got asked to hoco over instagram dm bc someone lost a bet. Love the maturity of the people in my grade!!!!,2 -"@user they say you attract what you see, maybe I shouldn't be a pessimist but I don't wanna take any chances lol can't wait to relocate",3 -@user Seriously. Digging those eyebrows. #animated,1 -"#Taurus females are beautiful, sparkling jewels glowing in the moonlight.",1 -@user it's very telling that racist bigots always resort to the insult 'fag' like that's worse than being a racist bigot.,0 -Watch this amazing live.ly broadcast by @user #musically,1 -@user NO. The gay guy and the dad revenge fucking,0 -@user why should I listen to someone with a tie like that? #awful,0 -I don't talk about politics because people nowadays get offended easily!,0 -"@user She's jogging a bit to stay beside her, puffing her cheeks with a huff each time. 'Oh-- jeez Jasper, why don't you —",1 -@user @user @user @user he'll defend his belt against aldo after its not that hard u grudge holding bitch,0 -"@user : I liked that she was not moping around in all of the episode. She had a moment of emotional weakness, felt sorry about -",3 -@user it wasn't a joke .,0 -Now it's time to remove CB from the team somehow. Screw it. Rip the Band-Aid off. It'll sting for a bit but everyone will get over it.,0 -"@user @user @user @user gotta shake the booty instead though, makes sure it's all good 🙂",1 -@user They've officially said all the episodes left (so future 12 and despair 11 and 12) will be delayed.,0 -"@user : Whaaaat?!? Oh hell no. I was jealous because you got paid to fuck, but this is a whole new level. #love #conflicted😬",0 -Watch this amazing live.ly broadcast by @user #musically,1 -Well my evaluation came back and i am minimally effective. Student test scores on the PARCC sunk my eval. it's time for me to quit teaching,3 -"The majority of people irritate the fuck out of me, cba with people ahahah",0 -Omg I actually thought she was going to jump. #SouthPark20 #southpark,1 -Never make a #decision when you're #angry and never make a #promise when you're #happy. #wisewords,2 -@user just watched you on the great wall #hilarious 😆,1 -"Everything I see of American police training seems calculated to trample human dignity, inflame outrage, and escalate confrontations.",0 -@user #dhoni bcoz of is calmness nd match winning finishers nd a proud #miltirian #dad#husband nd wonderful humanbeing nd his #smile,1 -@user The point of voting for Trump to push all the pieces off the board game like an angry toddler? Wreck everything for everybody?,0 -@user @user Very rare an officer just shoots without regard. They don't want that on their conscience. #incite,0 -"WHY TF DO BROKE BOYS KEEP TRYNA FIND GF's? GET UR FUCKIN $$$ RIGHT B4 I SMACK YO BITCHASS, she deserves 2be happy & u don't deserve that ass",0 -"@user hey breezy, you wanna give me some of that coffee you posted on your snap?? please",1 -@user it would be great but what if the card crashes 😱. It's happened to me twice #nightmare,3 -There is nothing like being in the shower when the power goes out 😳 #creepy,3 -"- blood and mucus and he chokes and has to swallow, mirth cut too short. 'Wrong answer.' It takes some awkward movements - @user",0 -"I'm moving this weekend & my sugar daddy will replace it so, it is what it is. Niggas still happy.",1 -@user your a joke I pay for data when I'm in Spain and you then text and say I've used up all my data #terrible service,0 -"@user if we don't understand how to express our emotions to others, may lead to sadness / loneliness & neg impact on long term mh #MHChat",3 -@user I'm so sorry. This is heartbreaking and so scary. If it can happen there it can happen anywhere. Please be safe 🙏🏻,3 -@user @user I've got #teampaella presents on their way for you and Fi but I don't think they'll arrive by Saturday sadly!! ;),3 -"A cheerful heart is good medicine, but a crushed spirit dries up the bones. A wicked man accepts a bribe in secret to pervert justice.",2 -The side effects of #fighting and #disrespect.. comes #ignoring the person and show you #don'tcare at all!! #sweet #revenge.,0 -#welfarereform should not be a 'model' for #snap.,3 -"@user but what I am doing is in my control, #AvoidMMT , you guys are",0 -"I truly feel like science has the ability to make a milk out of anything ... cashew milk, hemp milk, pine nut milk, dandelion milk",2 -@user @user her team must draw from a hat for daily personality #drugged #yeller #quiet #screamer #😂😂,0 -"# ISIS REFERENCES SCRUBBED? Federal complaint against suspect in NYC, NJ bombings appears to omit terror names in bloody journ... #news",0 -Free live music in DC tonight! #blues with #MoonshineSociety at @user in the Loft starting at 10:30pm @user @user,1 -ESPN just assumed I wanted their free magazines,0 -I am a third year college student and and English major. Today is the first time I've ever written an essay without having a panic attack,1 -@user don't leave me #sad,3 -Honestly don't know why I'm so unhappy most of the time. I just want it all to stop :( #itnevergoes,3 -"I am #real #sjw, I will not let #america down\nI have found us, now go and get us\nI let it out and I let it in\nI #rage I #lol\n@SergioSarzedo",0 -The neighbor dancing in the Clayton Homes commercial is me. #hilarious,1 -@user YUUUHH 🙄😭 plus clin ep and prevmed ugghhh hahaha,1 -@user Ended up paying 75p for half a tube of smarties. Don't even get the pleasure of popping the plastic lid off either #outrage,0 -Rooney = whipping boy. #mufc,1 -@user @user Horrid disease! My maternal grandmother and each of her sisters suffered from this affliction. It's hard on all.,3 -Side chick's be trying to fuck u like your going to forget about your wife when your done.,0 -Praying for the #Lord to keep #anger #hate #jealousy away from your heart is a sign of #maturity #conciseness,2 -Don't get too close it's dark inside 🌫🌊,3 -@user u tried boiling em takes years too,3 -Loving @user @user talk #challenge #fear #map #inspiration #stayunstoppable,2 -How hard is it to get in touch with @user One simple question I can't find answer to on website and 1 hour waiting for online chat,0 -I seem to alternate between 'sleep-full' and sleepless nights. Tonight is a sleepless one. 😕 #insomnia #notfair,3 -@user Sam- yes we have! Not helpful at all! We need this sorting ASAP! You keep promising stuff that doesn't happen!!!! #fuming,0 -"@user Just to help maintain and boost our status as a world class centre for education, culture and tolerance.",2 -"@user 'Just by getting lost! I don't want to see you in my eyes!' Hungary huffed and crossed her arms, looking away angrily.",0 -@user apparently you are to contact me. Sofas were meant to be delivered today. Old ones gone. Sitting on floor. No sofas! #fuming,0 -@user I nearly started crying and having a full on panic attack after tatinof bc of the crowds so I feel him,3 -"ffs as if tate thought wind in the willows was a serious play, can't wait to see him play a singing badger 😩😂",1 -@user 'Congratulations your Free 1 month has been activated' Then charges £34.80 the same month. Absolutely furious 😡,0 -"If a cop is going to pull a gun on you for no reason at all and threaten you, you should be able to merk his ass and walk away.",0 -@user jeezus God,1 -I need some to help with my anger,0 -Just got done watching Jeepers Creepers it was epic #horror #horrormoviesarebest #movies #movie #horrorfilm 🎬📽🎬,1 -Tho we haven't talked Jeff but the news is so sad and shocking. R.I.P Jeffrey,3 -second day on the job and i already got a 45 dollar tip from a dude whose was constantly twitching his eye LOLOLOL #cheering,1 -"Look at us, smiling in the photograph♪ You can see the secrets behind the fake smiles♪ (*・ω・*) (©FACT「a fact of life」)",1 -It's been 5 weeks and I still go through depression smh,3 -We have left #Maine. #sadness,3 -"@user Where has your 50% grapefruit squash gone,not been able to get for weeks #unhappy",3 -Howl at the moon with @user at @user next Wednesday the 28th for a FREE double feature of SILVER BULLET and CURSED,0 -I am often disturbed by what some people find appropriate or acceptable. It's not funny nor cute that adults find this stuff humorous. #sad,3 -“What worries you masters you.” - Haddon Robinson @user #Jesusisthesubject #anxious,2 -Love takes off the masks that we fear we cannot live without and know we cannot live within. - James A. Baldwin,2 -I wouldn't have #anger issues.....if she didn't have #lying issues.....think about that one. #pow #lies #confusion,0 -When you have 15 doe run the opposite side of you 🙁,3 -Worst juror ever? Michelle. You were Nicole's biggest threat. #bitter #bb18,0 -"@user he's stupid, I hate him lol #bitter",0 -People are trying too hard to hate on Cam Newton without understanding his position #sad,3 -Angry shouting match between a #pessimist & an #optimist:\n'You're a half empty-headed @user \n'You're half full of @user,0 -@user did it not just enliven your soul,1 -Now ...what to do for the next hour while waiting for #OurGirl to start @user ?!,2 -"@user @user @user @user @user @user @user Oh god, not Brewer again. The horror, the horror",0 -Fucking hell. Rush for the damn train also no use. Fucking 4min wait. Still sweating. #smrtruinslives,0 -i was angry.,0 -I love when people say they aren't racist right before they say some racist shit... Not how that works... #fuming,0 -Sometimes I think the British political landscape is desolate and then I look over at the foaming wasteland of the US and think we're OK,2 -@user @user You two are TEN TIMES more interesting than those particular afternoon goofballs (I could say worse). #umbrage,0 -@user @user WAS THERE A CLOWN IN YOUR NEIGHBORHOOD? #creepy #EnoughIsEnough,3 -@user ehhh I guess. I want to everyone I've ever burst out laughing in front of😂,1 -"My boss likes to stand in my office & smile at me like a shark: maliciously gleeful, and ask me how am I as if I have a secret to tell her.",0 -#amwriting #horror in the dark and a loud creaking door noise is coming from the kitchen. There are no doors there to creak. WTF.,3 -🔥Anger is the acid that can do more harm to the vessel in which it is stored than to anything on which it is poured.🔥 #anger \n\n~Mark Twain,0 -@user how do u guys determine teams? Cause I'm 80% on shitty teams when I play and I'm fuckin over it #cod,0 -@user @user only offering 6 moth warranty #ps4pro #truth #ripoff,0 -@user there was a US diver named steele johnson. i'd like him barred from the olympics.,0 -And here we go again 😓 #restless,3 -"@user Give it up Gas, I don't hate u, I just don't respect ur rudeness. #bully",0 -whats with these boxes when i search google on chrome #distracting,0 -"When you wake up, scroll through social media, and another father was taken from his child #everyday #KeithLamontScott",3 -"@user It's buzzing pathetically for sympathy if you let it out it will twirl it's moustache, chuckle and sting you #Psychowasp",0 -@user terrible,0 -"@user I'm surrounded by those Trump voters. You're right, it is fucking terrifying. #redstate",0 -Democracy doesn't work\n #mob #mentality #mass #hysteria #mongering #oligarchy,0 -Can we get a shot of Lingys face at 1/4 time ? Pretty sure it would be more red then his hair #pretendinghesok #ruok #AFLCatsSwans,3 -@user @user give me a smiling emoticon will ya? i dont like the idea of you frowning >.<,1 -So my Indian Uber driver just called someone the N word. If I wasn't in a moving vehicle I'd have jumped out #disgusted,0 -@user @user welcome ji . sorry for words that irritate u,0 -Asian Tiger #Mosquitoes are so relentless. More aggressive than the kind I dealt w/as a kid.,0 -Goddamn headache. #anger,0 -"Never forget that 5Live cancelled programs, to allow them to extend 606 so people could call in and detail their outrage after our behaviour",0 -Glad I didn't watch smackdown because I can't see my men @user @user lose. #sohurt #revenge,0 -#LMFAO @user 's #racepimp Tamron Hall used the words 'fscts' and 'MSNBC' in the same sentence #libtard #biasedmedia #neverHillary,0 -Hate when guys cant control their anger 🙃🙃,0 -Just caught up with @user wonderful new series on #EalingComedies. Infectious delight in every interview and film clip.,1 -So Rangers v Celtic ll #revenge,0 -"@user unless your concern is people figuring out who you are for wtvr reason, I don't see why you shouldn't tweet about other things",0 -"@user @user @user @user These interviews scare the crap out of me. I never imagined so many dumb, dumb Americans.",0 -Omg he kissed her🙈 #w,1 -@user Gabe the worst part is I can't get hot status this month because there's no chipotle near enough to my campus #sadness,3 -Lot 100 would give Ghandi road rage,0 -Being forced into a fake hug by someone who didn’t flinch to get litigious with you in the past - #awful 😖👺🙅,0 -@user #worst exec complaints ever #horrific customer journey,0 -The ghost of Stefano reflects on the grim indignity of being murdered by corrupt cops in faux love. #days,0 -@user @user @user #bully #Bullshit #fullofshit please take out the #garbage,0 -@user she looks completely #rabid @user,1 -"@user I'm always a little bit weary of speaking up because 1. I don't want to hijack the convo - as an LGBT person, I've seen",0 -"@user shameful display I watched today has left me reeling with so much anger dt I feel like exploding, those clowns should watch it",0 -"We so elated, we celebrated like Obama waited until his last day in office to tell the nation, brothers is getting their reparations",1 -"@user it doesn't offend me but it's just,,, Weird.",3 -"@user hit the sink with a hammer... sorry, the universal modifier!",3 -"@user not received verification email, asked for it to be resent 5 times still nothing.",0 -@user i would just get some decent referees #shocking,0 -"@user Forget the hair, that salon looks so light & cheery! Would go there for a coffee & read a book!",1 -@user \nIf this room was burning 🔥,0 -@user @user candy corn is the greatest candy in the world when it comes to being objectively terrible,0 -You insult the late Sherri Martel,0 -"I hate that if I don't start the conversation, there won't be one.",0 -@user yes Hun! Avoid at all costs!!,0 -When a grown adult doesn't drink or has never drank before I just assume they were raised around a raging alcoholic and they want no parts.,2 -Happy 69th @user May u keep haunting us for many years. #horror #writing,1 -@user #terrorism shouldn't be a way of life in the united etates and wasn't until #islam brought it here! #IslamExposed #islambacon,0 -Watch this amazing live.ly broadcast by @user #musically,1 -I mourn the creativity lost.,3 -@user take deep breaths bc the shaking could be from adrenaline. Oh wow that's weird. Depending if you're regular or not that varies-,3 -Sorry guys I have absolutely no idea what time i'll be on cam tomorrow but will keep you posted.,3 -nooooo. Poor Blue Bell! not again.,3 -@user @user an 'Honorable Senator' cheering when a cease fire does not hold! PEOPLE DIE AND YOU CHEER! GENOCIDE SUPPORT NOT GOOD!,0 -Professor: introduce yourselves and say one interesting fact\n\nHi I'm Ethan and the Sun will engulf our planet in a fiery explosion one day,1 -"Ignored broken tooth for so long, now have abscess. Need dentist but #fear makes it hard for me to go..45 and still can't go to dentist",3 -"I don't know what's worse, the new Pizza Hut commercials or the pizza that Pizza Hut makes. #horrible",0 -@user @user @user I once hooked them up backward. Not recommended. #smoke,0 -follow my girl tiff she only got 3 followers💖💘💖💘💘 @user,3 -Getting so excited for @user 2016!! We play the main stage Sunday Oct. 16 at 3:30!! #jazzholiday #riesbrothers #rock #blues #jam,1 -Love how Megan is raging about this Kendall Jenner photo and I'm sat here like 🤔🙃,0 -Think of #anger as this barrier between you and your truth.' @user,0 -New play through tonight! Pretty much a blind run. Only played the game once and maybe got 2 levels it. #Rage,0 -@user @user YES! I am rejoicing,1 -Forgot to plug the phone in overnight #nightmare,3 -The war is right outside your door #rage #USAToday,0 -Folk Band 'Thistle Down' will be replaced by 'The Paul Edwards Quartet' at Laurel Bank Park Sat 24 11am - 3pm due to ill health #jazz #blues,3 -"@user haha!! No, sorry was it too grim even for you?! It disturbed me & im starting to lose all trust in Twitter generally!!",0 -When you're scared to press send #bgoodthepoet #PrayForMe #ThisIsAGodDream #career #help #heart #HeartRacing,2 -“Competition is suppose to motivate you to do better everytime not to be bitter all the time” -De philosopher DJ Kyos \n#quote #success #CSGO,2 -"_Her mind is a #dark room,\nDeveloping #Madness ♨😘",0 -What's the worst affliction that you or someone you know ever convinced yourself you had?,3 -"warning: i am a sensitive, angry, insecure baby today, but UGH why do people at large either hate or ignore me bc it is literally~the worst~",0 -Like he really just fucking asked me that. #offended,0 -@user haha! She did well today. I can't get beyond her pout annoying me I'm afraid.,0 -Have to say that third City kit is fucking awful. Someone at Nike wants shooting.,0 -Damnnit! Gonna be 1400 pts shy on Chiefs Rewards of getting a post game photo.,0 -I just want to be in Canada rn 😭 awe,3 -@user @user @user N-no. Because of your wrath.,0 -"@user @user @user The way my blood is boiling, little bastards!",0 -"@user @user @user I'm sadly not, I'm just being smutty",3 -@user but @user drugged and raped those women. At least you and Barb were sober and consenting!!,0 -@user awe yay wish i could rt /:,1 -@user How dull.,3 -#Anger or #wrath is an intense emotional response.,0 -I'm at the point in my life that I'm playing Christmas music in my room because i need winter and joyful times rn,1 -Chart music is pretty much ALL the same..,1 -Mom you remember when Narley died? You cried like a baby!,3 -@user @user @user I don't listen to White Trash talk about blacks. It's insult. Talk about your race living in trailers,0 -my alarm clock was ringing this morning n my flatmate knocked on my door and asked if i set anything on fire or if i'm burning alive :) :):),1 -Why do I have such bad anxiety it's annoying,0 -Overwhelming sadness. This too shall pass. #lonley #startingover,3 -second day on the job and i already got a 45 dollar tip from a dude whose was constantly twitching his eye LOLOLOL,1 -"Everything is far away because time is short, no rest for the weary.",3 -@user @user well of course.Progress for the sake of progress must be discouraged. The problem is the substance of the rhetoric,3 -Confiaejce comes not from always being right but from not fearing to be wrong.-Peter T. Mcintyre,2 -i love that tay & tiff are just sitting at my house while i'm at work 🙃,1 -@user it ain't that serious. #HOUvsNE #awful #igotbetterthingstodotonightthandie,0 -Harking back to 2012 - DT's challenge to @user will give...DT a hearty thank you...if he will release his tax returns....,1 -@user cheering for @user and @user,1 -I wonder if the #wolfcreek TV show is sponsored by the anti-tourist board of Australia to discourage visitors? #stayathome #dontvisit,0 -"there is no shame in fear, what matters is how we face it.",2 -@user #mhchat Childhood experiences inform adult relationships. We have associative memories Not a question of ability to process #sadness,3 -"@user maybe it'd have been different if I stayed for sixth form? But still, the oppressive architecture, uninteresting people",3 -@user Content updates provoke that income.,1 -"@user @user I lost it at 18. Like, really not a big deal. Don't worry about trivial shit like that.",2 -"@user I was talking about further in the expansion, with more gear - fury always does well towards the end",0 -Thoroughly enjoying AHS tonight. #ahs #horror #americanhorrorstory,1 -"@user @user shocking work ethic by our players, Rooney stifled by their laziness",0 -I can't believe @user can't put up even 3 points on @user #horrible #hugeletdown,0 -for an lgbt person to tell someone else that how they identify isn't valid is so sad and against everything we should stand for,3 -"Feminists should ask themselves, why they're so unhappy, and why they lack love in their lives. Is it b/c they are fighting a losing game?",0 -I know it's the final day of summer when it's the finale of @user #sadness,3 -Thought the Xbox one s madden bundle would come with a physical copy of madden not a code😴 it's gonna take fucking forever to download lol,0 -@user @user @user This shit is gonna start a cold war of who can flag who first.,0 -@user Childood experiences can leave you with permanent deep sadness as adult it can underlie everything #MHChat,3 -You forever straight so fix that frown u good😇 @user,1 -Early morning cheerfulness can be extremely obnoxious #ALDUB62ndWeeksary,1 -Now that the n word is normalized by the media? Just wow. No words for this . No. Words. For . This. Frog been boiling in the pot via media.,0 -I guess #bradangelina > #anger > #blacklivesmatter,0 -You complain all the time and then wonder why people never want to see you. You acc rile me up. Stfuuu!!!!,0 -@user @user Did they get the wrong fur Pal? #shocking 😱,3 -"Don't let worry get you down. Remember that Moses started out as a basket case. #lol \nToday, choose #faith over #fear #Moses",2 -"@user @user evil, rich white men and their fucking cronies in intelligence/gov/academia using blithe blacks as fodder",0 -Maybe the entire Russian team will test positive for meldonium and the North Americans will get to replace them #optimism,2 -Headed to MDW w/ layover in SLC. Got off for food. Wrong move. Bailed on my food & barely made it. @user #WannaGetAway #Contest #sad,3 -Literally being here makes me depress tbh,3 -I wish the next madden has a story mode too. Just like Fifa 17,2 -Do not grow weary in doing good.'\n\n-@billclinton,2 -Time to go hit up the library - I have a lovely PILE of book reservations to collect this morning... #glee #books #reading,1 -#BB18 Michelle crying again #shocking #bitter He's just not that into you 😢#TeamNicole,3 -"I need to think of a new Avatar for Fire Emblem Revelation as I might start playing it soon, any ideas for names? What gender do I choose",2 -@user @user @user @user please. Or you could be clouded by your passion. Emotion leads you from the truth.,2 -Quinn's short hair makes me sad.,3 -Drop every fear...,2 -Sometimes the best motivations come from 'proving them wrong' #energy #relentless #MotivationalQuotes,2 -I Don't know what make #Pakistan fear more their #terrorist or their #terrorism #TerrorStatePak,0 -What day is it #lost,3 -You are NOT your struggle or You are NOT your affliction! #YouAreStrong & #YouAreArising above it all!,2 -#nana 4 hoco bc my dream since freshman year awe 😙❤❤❤ @user,1 -Can someone make me a priority list of which things I should be outraged at + in which order? #racism #animalrights #abortion #cops,0 -"@user don't I know it, try not to fret my sweet little pupper",0 -People too weak to follow their own dreams will always find a way to discourage yours.,3 -No red card for Gordon there? The ref must be a Celtic fan as that was a shocking challenge.,0 -"Seeing #RIPShawtyLo got me thinking bout other rappers then I thought about @user dying, and burst into tears... Smh",3 -@user peanut butter takes away the sting,2 -Angel got me nervous out here 😷,3 -Patti seems so sad. She stamped and ran behind the sofa. We will have to give her plenty of love and affection...more than usual. #sad,3 -no offense but the doctor crying tears of joy after realizing he has a family for christmas is Cute,1 -"@user its reaper!! before he became reaper, you can find their stories on the wiki and thru the comics and animated shorts!",1 -@user @user @user That might sting for a bit lads but you'll get over it. #betterwithsinnfein,2 -"@user yeah whatever, whahibbi are #muslims just a sect, as you know, #islam is synonymous with #rape and #terrorism",0 -13 hour @user rides make me #sorry,3 -Wish I was a kid again. The only stressful part was whether Gabriella and Troy would get back together or not. #hsm2 #nightmare,3 -"{Strong hands moving to firmly grope each of @user thighs, squeezing as her digging nails extract a growl from me.}",0 -Rojo is hilarious,1 -"@user They look FAB, they were made for the big screen!Can't wait to see this evolve & the bright future of these little toy people",1 -is it bad that kurt is literally me..?,3 -@user @user the refs are in GT's favor tonight. #terrible,0 -"Not sorry for that burst of anti #Allo spam, fuck any messaging app launching in 2016, without encryption on by default.",0 -Halfway to work and I realize I forgot to put on underwear....It's going to be one of those days! #mombrain #toomuchgoingon #longday,0 -How sad is it that I'm rejoicing over a 72💀 #collegekills,3 -#aliens #zombie #gore #slash #ghost #sith #horror I love it all. 🔪,1 -Tell me how I'm supposed to feel. #broken #hateful #guilty #love #sadness,3 -The Zika #Hoax Files: DEET is part of a binary chemical weapon targeting your brain: #Toxin #fear #neurological #USCitizens #Insect #mammal,3 -Even a pencil✏ never #stayed with me until it's #end ⚫ 😞,3 -"@user where's your outrage that your party nominated a lying, corrupt person? And received donations from nations who support terror",0 -I forgot #BB18 was on tonight  that is how much the real world has been distracting me #horrid ,3 -@user @user @user @user @user goddamn...the 'celebrity' draft at the end was classic. #hilarious,1 -Ugh.. Why am I not asleep yet. Fml. I think low key I'm afraid I might miss something. #SleeplessNight #sleepy #restless,3 -I am often disturbed by what some people find appropriate or acceptable. It's not funny nor cute that adults find this stuff humorous.,0 -It's become a verb. 'I'm gonna Villaseñor all those old contacts I don't need anymore.' #sadness @user #waitingforexplanation,3 -Marcus Rojo is the worst player i have ever seen. Useless toasting burning bastard,0 -#bcwinechat what's the most common method used to make BC #sparkling #wine?,1 -Step out of your comfort zone. \nGo for risks.\nFace things you fear. \n\nThis is when life starts to happen.\n\n#cpd,2 -@user And who asked you to gate crash with your dumb idiosyncrasies when sober people are analyzing a situation!\n@BanoBee @user,0 -Should've stayed at school cause ain't nobody here,3 -@user @user Not a word about terrorism.,0 -My 2 teens sons just left in the car to get haircuts. I'm praying up a storm that they make it home safely!! #sad #TerenceCrutcher,3 -@user hannah stop being mournful and chill 💁,3 -Just had to reverse half way up the woods to collect the dog n I've never even reverse parked in my life 🙄 #nightmare,0 -"@user Wow, did you get a really good buy on a bunch of '70's movies? There were bad then and are worse now! #awful",3 -I can't WAIT to go to work tomorrow with a high as fuck fever. [sarcasm]\nHopefully I'll feel better tomorrow.\nBut I doubt it. #pessimism,3 -@user @user what I miss? #outrage,0 -Is it terrorism to intimidate a populace? What case held 'coercion by people in uniform is per se intimidation'?,0 -@user against Chelsea anything is possible haha. I'm fuming about that bet 🙄🙄🙄🙄🙄🙄,0 -Well @user Trump's rabid base needs 2 hear this & U can always find an overseer like King to say it.\n@JoyAnnReid @user @user,0 -Radio shake mutli directional mike it might sound cheap but the sound wasn't that bad and you could do some mixing.,2 -@user What? Hillary has 27 different controversies and she gets asked NOTHING about any of them. Truth is she's a horrible candidate,0 -"@user I feel for the conductor tonight, he's obviously taken grief over the last few weeks, he sounds weary of apologising!",3 -"@user he's also mostly (except for the synthetic testosterone bits) male, you raging sexist!",0 -Condolences to the JC and the Georges family.. #sad,3 -Yo there's a kid on my snap chat from LA & they get high off helium gas lmao.... I am like why the fuck lol,1 -While we focus on issue of #IPCA @user Indulges in #intimidation @user @user @user @user #StopCruelty,2 -"Yo,if you're talking about horoscopes do you really have any clue as to what you're saying or are you gonna act offended when I question it?",3 -Meghan is teaching the blues in keyboard fundamentals II and all these classical majors are like WTF?!,0 -@user he's just lucky...bad pitchers...#WHATEVER...ElKracken is #legit #future #bright #gottawearshades #LetsGoYankees,1 -Finally uploaded the file I needed to the university server's drop box. It took like half an hour and a lot of cursing and anger on my part,0 -"Or when they hmu on snap, and I'm like.. which one are you. 💀",0 -Blood is boiling,0 -@user Really sad & surprising. 1 side #Russia fighting against #IS & on the other supporting #Pak which is epic centre 4,3 -@user @user Is that really all you can offer for those who sacrifice daily to keep you safe...? @user #sad,3 -A Leopard never changes its spots! #lost,3 -So @user those of us born in 85 have no generation! Where is the gen-less tribe! Ha! #survivor #lost soles,3 -why the fuck does my mum want me to put corn in the curry?! #grim,0 -It is too fucking bright & too fucking hot outside,0 -Finn singing 'Can't Fight This Feeling' in the shower and Will spying on him is one of the best scenes on any show.,1 -"Hello fellow #horror #creepy #dark #stange #story fans, how's your day? #followme and I'll #followback",2 -"@user A plus point, she won't have to queue for the loos. Any more plus points? Nope, can't think of any #shocking #sexism",0 -Their engine runs on fuel called whining :-)\n\nU jst hv 2b observant..\nHar din Rona dhona & complain. \nHappy news makes them unhappy :-),0 -"It's not that the man did not know how to juggle, he just didn't have the balls to do it. \n#funny #pun #punny #lol #hilarious",1 -"She used to be beautiful, but she lived her life too fast - Forest City Joe #blues #blinddogradio",3 -"@user when the East wind blue in summer in Durban, S Africa, we still surfed and got #stung badly! Must be carefull-A #sting can harm you",3 -sav tells our mom 'I love you' and she responds 'Oh.' #sad,3 -"Defining yourself in terms of opposition, i.e. the clouded mirror phenomena, is almost always a mistake.",0 -@user dudes who wanna play some bass but not buy a bass (me) rejoice,1 -@user @user I cancelled by CBS all access live feeds before JC even said Vic won AFP. Paul.should have won IMO,3 -"It's finally raining in Ashland, Oregon. We've been parched all summer & fall. The plants & people are rejoicing!",1 -@user happy birthday to my seed‼️‼️‼️ #renewtherivalry #imyourdaddy #cantbeatme #tater,1 -@user thank u so much! we just finished another #mindfulness film called #release about #anxiety - plz share!,2 -@user @user It's no secret: personal dislike of Trump & animosity has always been present..now magnified with bigotry/racism etc.,0 -@user #UNGA no talks should be carried out with Pakistan now ... His mouth stinks of #terrorism #UriAttack,0 -@user happy birthdayyyyyy pretty. Miss you!,1 -I'm not used to pretty girls that use curse words to express their anger. I just feel like I'm a little bit surprised and turned off as well,0 -((things that grind my gears: people drawing gideon gleeful skinny,0 -@user @user 😂😂😭😭😭 resentment,3 -A3: But chronic sadness may mean there are underlying issues than getting sad occassionally over a particular issue (2/2) #mhchat,3 -i stopped watching gotham cause they dropped off tabitha and barb's relationship and made her pine after the main,3 -@user your website is making me feel violent rage and your upgrade options aren't helping either. #Aaaaarrrrgghhh #iwanttocancel,0 -This is the scariest American Horror Story out of all of them... I'm gonna have to watch in the daytime. #frightened,3 -I added Paul Walker on Xbox but he just spends all of his time on the dashboard. #dark #humor #funny,1 -@user some weeks there are no problems but this week is unbelievable -- are you guys even running regular 12 buses? #awful #solate,0 -@user @user supporter @user #prejudice against #disabled people #disabledlivesmatter #bbcnews #skynews,3 -@user And I hope when the police met him at the subway that they took him straight to jail 😕 #awful,3 -Do you know how much it hurts to see you best friend sad?,3 -my mom recorded nightmare before Christmas for me 😍😍😍 I LOVE IT 💕,1 -@user @user We are blaming 5% of the fucking idiots who are putting the World in the middle of their tantrums. You are one.,0 -@user Oh noooo! #nomorehammocks #nightmare ;),3 -My eyes have been dilated. I hate the world right now with the rage of a thousand fiery dragons. I need a drink.,0 -when you think you've got it together for a day then you randomly burst out crying,3 -@user lmao! I can only imagine the frown across that face of yours. #Hilarity,1 -Breaking out in hives for the first time since college finals. #anxiety sucks,3 -Q&A with N. Christie @user fr. @user What would Peter and Dardanella think of us knowing? #poorthings,3 -i've seen the elder watching me during my community hours and i honestly don't have an idea about what my assignment will be. #apprehensive,3 -@user i tried to turn off my alarm this morning and it turned on all my alarms instead,0 -@user I know if I wasn't an optimist I would despair.,2 -@user @user New campaign slogan idea...'I know you are but what am I?' #bully #Trump2016 #yourefired #deflect,0 -@user @user @user @user I thought it was because she once sunk her teeth into something that's meant 2b sooked,0 -Smokeys dad is sad :/,3 -"@user made me laugh, that quote. In a sort of rueful way.",1 -TheNiceBot: WSJNordics You make the world a more joyful place. #TheNiceBot #الخفجي,1 -Going home is depressing,3 -so ef whichever butt wipe pulled the fire alarm in davis bc I was sound asleep #pissed #angry #upset #tired #sad #tired #hangry ######,0 -Jimmy Carr makes me want to cry and cry *shiver*,3 -We express our deep concern about the suspension of @user please reactivate it. he never violated T.roles @user,3 -Been working in Blanchardstown shopping centre for over 2 years now and I only figured out today where Marks & Spencer's is #lost,3 -Don't be afraid to give up the good to go for the great. - John D. Rockefeller #quote #inspiration #afraid #great #motivation,2 -@user what a joke!! Cut our internet off early 'by mistake' and then don't reinstate it when we no longer need an engineer 😡 #fuming,0 -Marcus Roho is dreadful,0 -or when someone tells me I needa smile like excuse me ??? now I'm just frowning even harder are you happy,0 -np rum rage,0 -To tell the truth and make someone cry is better than to tell a lie and make someone smile. #truth #lie #cry #smile #offalonehugots,2 -"why yall hyped abt that girl getting to hang out w JB, he clearly looks so unhappy and bored in the pics no offense LOL, plus he hates yall",0 -"If any trump supporters and Hillary haters wanna chirp some weak minded, pandering liberals just tweet at @user @user",0 -My bus was in a car crash... I'm still shaking a bit... This week was an absolute horror and this was the icing on the cake... #terrible,3 -@user wouldn't cross the street to piss on its server if it was on dire,0 -"If you don't respond to an email within 7 fays, you wifl be killed by an animated gif of the girl from The Ring.",0 -I heard Movie Bob was furious about the Skittles analogy. He was upset that there wasn't actually any Skittles.,0 -#internationaldayofpeace : When white supremacists terrorize everyone of differing cultures online and will continue it offline tomorrow.,0 -Candice's pout gets more preposterous by the week. This week it's gone a bit Jack Nicholson's Joker. #GBBO,0 -"Bake off on TV and the Match on my phone, what a nightmare I'm so stressed #GBBO #NTFCVMUFC",3 -even walking around with my family members who carry guns makes me nervous and theyre my family....,0 -75' Tierney reaches a deep cross to the back post and plays it back across but the Alloa defence clear. Celtic relentless here.,3 -What a sad day...1st day of Fall...I don't dislike Fall...I just LOVE Summer #FirstDayofFall #goodbyesummer #sadness #bathingsuitsforever,3 -untypical kinda Friday #dull,3 -@user I fell and heard a snap hffffhj,3 -"Half past midnight, loud banging on our front door, been told about new rape cases in Edinburgh today #joyful #nosleep",1 -5am blues while riding a cab home:\n- my belly is much bigger than the rest of my body\n- but i couldnt be preggy\n- how to lose it in a day,3 -"There's always that one song which makes you turn of the radio, as you'd rather sit in silence 😡",0 -"Symmetry is Key, everything must be aesthetically pleasing as possible, that is why I hold you twin pistols. #DeathTheKid #Bot",2 -He totally knew about it'. Trump finally gets revenge for his son-in-law's prosecution/imprisonment and throws Christie under the bus.,0 -Recording some more #FNAF and had to FaceTime my mum to let her know I was okay after I let out a high pitched scream 😂 #horror #suchagirl,1 -"@user Like, despite all my irritation towards ur ship, at least its canon. BuckyNat is canon, (and clintwanda is canon)",0 -"@user @user yeah, they figured that ornaments are way more wanted than spektar and desolate gear. Well they thought right.",2 -Panda eyed jaunty after watching jaws until late!,1 -Contactless affliction kart are the needs must regarding the psychological moment!: xbeUJGB,1 -I don't even #feel #anger anymore can't explain it .. #Tulsa #Charlotte #Trayvon #SandraBland #Philando #Ferguson #BatonRouge #MichaelBrown,0 -Projection is perception. See it in someone else? You also at some level have that within you. #anger #worry,0 -"People need a way to escape,escape what?This corrupted world.This reality. This joke.This fury of constant pain & stress.We need a vacation",0 -@user & @user must be rejoicing ovet #Charlotte protests. \n#NorthCarolina,1 -@user fix this home/away deptch chart invalid glitch. I have to close madden and re-open it everytime this happens,0 -@user Think about it if he need white peoples votes wouldn't just reach out about things that only concern them & leave out rest?,0 -"Bilal Abood, #Iraq #immigrant who lives in Mesquite, Texas, was sentenced to 48 months in prison for lying to the Feds about #terrorism.",0 -I know this is going to be one of those nights where it takes an Act of God to fall asleep. #restless,3 -Banger sit in 2013 reason why we great doings him alias for why we rejoice in he.: kzfqR,1 -i feel furious,0 -"I don't know what's worse, the new Pizza Hut commercials or the pizza that Pizza Hut makes.",0 -I always thought I was too empathetic but it's becoming clear that the majority of you guys are plain insensitive to an alarming degree,0 -"#NawazSharif says lets end #terror. Sure, let #IndianArmedForces target the bases without #Pakistan interference #Karma?",0 -@user @user @user entire team from coaches on down played and coached scared from jumpstreet. #intimidated,0 -Floofel.i wonder if your mother knows how dark your humor can be.Needs to realize how much of a butt Apple is. Pastels and cats.cutie pie.,1 -Why doesn't anybody I know watch penny dreadful? ☹️️,3 -Thank you @user for the balloons today. #smile #goodday #48,1 -Currently listening to @user & @user @user podcasts!! Can you guys please move to #yvr ? #hilarious #missyou,1 -Depression sucks!,3 -"@user hard to tell in your pic. My mistake then. Either way, nothing I said initially was about race. U took it there. #ignorant",0 -how maybe it was with you and your parents..that I would understand you and your fear of indifference from your own mom and dad..,3 -@user bubble implies it will burst?,3 -@user @user New campaign slogan idea...'I know you are but what am I?' #Trump2016 #yourefired #deflect,0 -"my school photo is honestly horrid, i look so ew😅",3 -"I'm mad at the injustice, so I'm going to smash my neighbours windows'. Makes perfect sense. #CharlotteProtest",0 -@user @user No grudge. Only truth in abundance.,2 -"That's me for the evening, though! Way too lit to finish these off properly without causing some serious mischief.",2 -"@user oh so true, so true.",1 -@user 'customer service ' beyond appalling. Faulty dryer replacement breaks within wks no parts for 3 wks. Engineers no show.,0 -How in the world did Nicole beat Paul?!?! #terrible #bb18 #BBFinale What was the jury thinking?? 😳😳😳,0 -Baaarissshhhhh + sad song = prefect night — feeling alone,3 -"Walk right through them! See way past them, and don't even hesitate running them over.",2 -Im really constipated. This is depressing,3 -@user @user this individual is clearly trying 2 #intimidate this #LEO I see an issue here. STOP CAUSING ISSUES by pushing limits!!,0 -"#AutumnalEquinox the nights are drawing in, what a great time to look at putting up some new #lights #dark #showroom #news #wirral",1 -Isn't the whole 'it's been hijacked' argument the same argument used to ban or discourage the display of the St George's Cross? Shame @user,0 -Watch this amazing live.ly broadcast by @user #musically,1 -That rocky horror remake looks a bit w a n k,0 -I wish there were unlimited glee episodes:( so I could watch them forever. #gleegoodbye,1 -"Why does @user have to come to Glasgow on a night I am working. I am fucking gutted, been waiting for an appearance for ages",0 -Absolutely fuming that some woman jumped into my prebooked taxi and drove off 😡,0 -@user we are not concerned about Pakistan's internal affairs. But the terrorism as it's state & economic policy.#terroristnation,0 -#Trump ’s ‘Make America Great Again’ plan is exactly like the first 15 minutes of the #movie #ChildrenOfMen.\n\n#cages #terrorism #refugees,0 -im like 'this is better' in the moment cuz i panic and then later its so obviously not better. at every opportunity i choose to make it seem,3 -@user The @user had a good one but then the reporter quit. #sad,3 -@user just preordered The Pale EP... Would have paid for the phone call... But I would have freaked out and not said anything,3 -Paul forever. Paul should have won! Paul played such a better game! #BB18 #angry,0 -never afraid to start over,2 -Did we miss the fact that #BurkeRamsey swung &hit his sister #JonBenet in the face with a golf club previously out of a fit of #anger?,0 -And I won't even get started with Hillary and her fancy fundraisers! #depressing,3 -@user forest gate u could see he was a bully cunt big bald cunt his mates looked in shock when I hit him and didn't do shit when he,0 -#IndiaMissingIndira that she could never solve Kashmir Problem and kept it burning for Vote Bank\n#TerrorStatePak,0 -#quote What U #fear controls U. Fear is not out in life but in ur mind. Real difficulties can be overcome - Cheryl Janecky,2 -to shake and my mouth was chattering and I couldn't take right because all of my body was trembling so I went outside,3 -Very depressing seeing my whole fam packing to go on holiday tomorrow and I'm just staying here 🙃,3 -schneiderlin taking his revenge for the 2 fouls,0 -Lol little things like that make me so angry x,0 -"Cuddling literally kills depression, relieves anxiety, and strengthens the immune system.",2 -@user @user varsity pine riding,1 -This has #turned out #better then I expected admitting you tried to #intimidate 😂😂 #cantstoplaughing I really can't and it's in #spokeword,1 -"@user Oh, good God. Quentin Letts is doing one of his 'comedy' turns. #angry @user @user #BBCTW",0 -@user @user And the dreadful Franglaise.,0 -@user Doesn't explain the ability to land at Manchester but not Bradford - other than more convenient for Flybe. Many unhappy travelers,3 -Watch this amazing live.ly broadcast by @user #musically,1 -"@user May I suggest, that you have a meal that is made with beans, onions & garlic, the day before class.",1 -I hate it when im singing and some idiot thinks they can just join in with me like...this is not fcking glee #MeanRikonaBot,0 -Dentist just said to me' I'm going to numb your front lip up so it'll feel as if you've got lips like Pete Burns!...... She was right #pout,3 -People often grudge others what they cannot enjoy themselves.,0 -"Yeah I'm hot nigga, they say im burning uhhhhh",0 -"They want as police state, they are fearful imbeciles..@interpretingall @user @user @user",0 -"Lmboo , using my nephew for meme #hilarious",1 -@user I am irate at you check-in system. I have tried to checkin all day and it wouldn't let me do it because I had no seat assigned,0 -"@user Event started! everyone is getting ready to travel to the lake of rage, where everything glows",0 -@user #fear & #anger are similar to what #Hitler preached to come to power in Germany. Wake up America!!,0 -$SRPT Why would Etep patients & Mom's advocate for a drug if it did not work? Anyone listen to the Etep MD's @ Adcomm.. all were elated.,0 -@user ill be there... with VIP TICKETS! Can't wait to meet you. Never met a famous person i admire before! #nervous,1 -@user @user had more fun than the funniest person in funsville..... Much hilarity as usual.... Thank you ❤️,1 -@user and have social anxiety. There is many awkward things wrong with me. 😄,1 -@user @user the struggle is real. Whoa! I worry for the younger generation 💔,3 -matt and i just did a psychological study on provocation in abusive relationships.,2 -@user @user ya and the d was what I was most confident about..... our offense is as good as it's been in 20 years...our d sucks,0 -"@user gives a frustrated growl, before stepping closer and putting his gun through the barrier. No alarms and nothing happened. He-",0 -Thanks for ripping me off again #Luthansa €400 not enough for a one way flight to man from Frk then €30 for a bag then free at gate,0 -"@user can you please not have Canadian players play US players, that lag is atrocious. #fixthisgame #trash #sfvrefund",0 -"Gahh...BT, in queue for 30 minutes.. Now put through to BT Sport dept to cancel... back in a queue again...",0 -@user switch host no bullet rage.,0 -a #monster is only a #monster if you view him through #fear,2 -@user don't leave me,3 -@user fucking hell mate absolute nightmare 😓,0 -"Michelle, who did NOTHING is hating on Nicole's game hahaha.... #bitter #bb18",1 -"Being stuck in the roof of your house provides amazing view but sheer terror of falling down, kinda like life",1 -Think Val might be going this week. I'll have to take the rest of the week off work to mourn. I'm sure they'll understand. #GBBO,3 -"@user appointment booked between 1-6 today, waited in all day and nobody showed up, also requested a call back and never got one",0 -@user @user @user @user @user @user @user @user @user it's an insult.,0 -im so gloomy today,3 -@user the red one would look super pretty with a bronzy glowy nude lip makeup look! 3rd black would be pretty with a dark lip! 😍,1 -@user @user USA was embarrassing to watch. When was the last time you guys won a game..? #joke,0 -I can already tell this programme is going to infuriate me #ExtremeWorld,0 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -When will the weeks full of Mondays end??,3 -More #checking at #work today\n\n#coffee #drank and now it's #down to some #serious #business \n\n#Thursday bring on #Friday,1 -whats with these boxes when i search google on chrome #horrible #distracting,0 -Last night I had a dream that today was Christmas. I woke up screaming because I wasn't ready.,3 -10 minutes with an incense and all I get is 2 Rattatas. 😂#PokemonGO,0 -@user I've been disconnected whilst on holiday 😤 but I don't move house until the 1st October 🤔,0 -"Sounds like Donald Trump has spent today just making extra, extra sure he'd get those frightened white, conservative, racist votes.",0 -so lost i'm faded,3 -You don't know what to expect by Brendon's video lmao LA devotee video got me shook,1 -Anyone else find @user 'anniversary windows 10 update 1607' a Complete #nightmare,0 -@user Can't believe how rude your cashier was today when I was returning an item! Your customer service is slacking. #terrible,0 -@user @user It's hilarious,1 -"Friday is here, and we are open tonight and tomorrow. Get a jump on your Halloween and come play with us. #hauntedattraction #tulsa #haunt",1 -@user [he gives a gleeful squeak and wraps around you] All mine!,1 -Some moving clips on youtube tonight of the vigil held at Tulsa Metropolitan Baptist church for #TerenceCruther #justice #sadness,3 -Watched tna for the first time in a long time what the hell happened to the #hardyboys #impactonpop #wwe #terrible,0 -"It's not that the man did not know how to juggle, he just didn't have the balls to do it.\n #funny #pun #lol #punny",1 -"@user whats with the 50p a minute charge to 150, insult to injury",0 -Unruly kids at 8am in the morning #nothanks ripping the flower beds up by the roots while their parents watch #shocking,0 -"@user @user Yep, as I pointed out before, it's the politics of loathing. That's why the big candidates are so horrible.",0 -"@user @user hi Dom I saw u at Notts county away, looking for 1 mufc away ticket will pay #blues",3 -"If I spend more than £10 in shimmy on £1 drinks I'll be raging, but we all know it's gonna happen",0 -Looks like #India is finally taking #Pakistan n it's #terrorism to task.#uriattacks.,2 -@user Old age?! No hope for the rest of us. Destined to become deatheaters by 50,0 -"Rojo is just terrible, how is he in our team 😂😂",0 -aaahhhh! a little @user to soothe the soul. #music #blues,1 -The whole idea f a nation revolves around Kashmir & global terrorism: evrn don't care their kids dying of hunger. #NawazFightsForKashmir,3 -Need advice on how to get out of this rut!!!! #depressing #needmotivation,3 -I blame the whole season on Natalie! The season would have been so different had she not turned her back on her alliance! #pissed #bitter,0 -@user looks that way. But let's think about Rohan last week ... #optimism,2 -Thinking about trying some comedy on youtube. Always been fond of it. Time to nut up. #laughter #comedy #maybeoneday #hopefullyfunny #LOL,1 -I don't think it's fully sunk in that Val is gone yet,0 -@user lol. Love it when you aggravate Juan. Keep up the good work. Lol,1 -@user @user wat an irony? #Pakistan lecturing the world on curbing,0 -@user cheer up chuck😘,1 -Shoutout to the drunk man on the bus who pissed in a bottle and on the seats,0 -@user goodbye despair,3 -Headed to MDW w/ layover in SLC. Got off for food. Wrong move. Bailed on my food & barely made it. @user #WannaGetAway #Contest,0 -Someone wake me when @user make 2016 remix of 'Why'❗️b/w #TerrenceCrutcher #Election2016 #colinkapernick #terrorism #riots this 2much,0 -Unbelievable takes 10 minutes to get through to @user then there's a fault and the call hangs up #fuming #treatcustomersfairly,0 -Manchester derby at home #revenge,0 -@user <• change them himself. He follows behind with a scowl pinching his lips and takes the sheets to his room. 'So who is •>,2 -If I was a ghost I'd haunt people by giving them cramps in both of their legs when they do cardio 😈😈😈 #Mwahaha,1 -"sure, ohio state is terrible, ohio is awful, etc, etc\n\nthese feelings began with the toldeo war \n\nso, maybe don't campaign there?",0 -@user See your primary care doctor. They can prescribe meds and refer you to a psychiatrist for eval. Don't mess with depression.,3 -Obama admin rejects Texas plan to have refugees vetted for terrorism so Texas pulls of of fed refugee resettlement program. Aiding .,2 -"#GBBO is such a homely pure piece of tv gold. Channel 4 will attempt to tart it up. Mary, Sue and Mel gone. It's over. I'm out. 👋 #fuming",0 -gifs on iOS10 messaging app are hilarious.,1 -@user should have stopped after 'smiled'. Being rude=not the same as being funny.It was just being mean #stoppickingonwomen,0 -@user #dobetter only two carriages on 14:49 Birmingham to Hereford no room to stand anymore Friday commute #unhappy,3 -hi berniebrocialists of all genders: if I lived in a swingish state I would w/o hesitation vote Clinton & would do so w/o 'supporting' her,2 -I asked Jared to marry me and he said no.,3 -im 16 if you want to see my dick snap/kik me at hiya2247 😘 #kik #kikme #snapchat #snapme #horny #porn #naked #young,1 -"Texans played horrible. Bad play calling, bad protection of the ball, bad coaching, bad defense, bad overall performance. #Texans #horrible",0 -"@user Sadly, not enough names. The whole farewell tour situation would make me shy away from good value b et.",3 -Bayern Munich pitch is horrific,0 -At least I don't have a guy trying to discourage me anymore in what I want to do he will never become anything worth contributing to society,0 -@user awe thank you so much Lyle!! You're the best!😀😀,1 -@user @user @user the 'pledge' would have never have to be made if petulant child POStrump didn't threaten to run,0 -"@user hard to tell in your pic. My mistake then. Either way, nothing I said initially was about race. U took it there. #sad #ignorant",3 -Try to find the good in the negative. The negative can turn out to be good.\n#anxietyrelief #optimism #openminded,2 -Why would Enrique sub off busquet? #hilarious,1 -the rappers who stayed true to the game is rich.,2 -😫 ughh I just want all this to be over.. it's like a nightmare! can we all just get along?,0 -@user Same it's good but not great.Don't Breathe is the horror film of the month for me. My Fav horror film of the year (so far),1 -i resent biting my tongue.,0 -We're very busy #coding a whole network manager for #unity3d based on #steamworks networking. #gamedev #indiedev #3amDeadTime #game,1 -"If you let a general tweet offend you, you definitely shouldn't be on twitter.",0 -"Ever been really lonely and your phone keeps blowing up, but you just can’t pick it up and respond to people? #anxiety #recluse #issues",3 -Instagram seriously sort your sh*t out. I spent ages writing that caption for you to delete it and not post it!! #fume #instagram,0 -@user you charge 150 extra for sending someone out and your cable service still doesn't work. That's robbery. #cable #horrible #service,0 -Regret for the things we did can be tempered by time; it is regret for the things we did not do that is inconsolable. - Sydney J. Harris,3 -"@user So I worry about emphasis on 'keeping family together' as a guiding principle, due to my own experiences",2 -@user #klitschko @user over fury any day #boxing,0 -That's fucking horrific defending from Schalke,0 -I feel like no one is out there on #Twitter for me.... can anyone see what I write #sadness #rants,3 -lol! no mention of pak PM or even his speech on any international news channel and pakis are rejoicing as if the world stands with them,1 -@user DirectTV is the best. Apparently you just sit in silent anger. 'Don't press or say anything',0 -Ok but how are the fast & furious movies NOT classified as comedy's? 🤔,1 -@user #terrible Paul so deserved that win!!! #bbfail,1 -the 1975 are playing antichrist why won't @user play hustle it's an outrage,0 -@user #CharlotteProtest do u #wait 4 the facts #video or do u #hate now ask questions later #protest #PoliceShootings #suggestions,0 -"“It is not #death, that most people are #afraid of. It is getting to the end of #life only to realize that you never truly #lived.”",2 -"be strong, independant and practical. stop living in your world of fantasy. snap out of it. the faster u get used to the reality, the better",2 -"Well, this is cheery. #MrRobot",1 -Is this the Krusty Krab?\n\nNo this is crippling depression,3 -Follow this amazing Australian author @user #fiction #horror #zombies #angels #demons #vampires #werewolves #follow #authorlove,1 -"@user what's up w the gender bias? #indignant This fancypants saddler's daughter will opt for the leather jacket, thank you very much.",0 -"How can I tell Happy Anniversary, when u are not happy.. #bitter #ampalaya #paitpaitanangpeg",3 -The Apocalypse has hit our gym and it's nothing what I thought it would be...\n\nEveryone is wearing vests! What if it's contagious?,0 -13 hour @user rides make me #angry #sorry,0 -What a sad evening - clearing out all of Harvey's cage and belongings. Now so final. Goodbye my little man.... #depressing,3 -So I've decided to go talk to Mr. Smithrud about that creepy fucking guy since he gave me a fucking anxiety attack this morning,0 -"Trying to think positive, and not let this situation discourage me ✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨✨",2 -It was an #amazing #start to the first #fall day. Will it be an #Indiansummer,1 -@user offense can't score 3 redzone trips no points n lbs can't pull flags n i missed a flag that lead to a td dat took da league,3 -ari looks hilarious oh my g d this is too much,1 -Having holiday blues! #WantToGoBackToMinehead.,1 -.@RepDelBene: 'Today's proceedings and the entire process is an insult to our constituents.',0 -@user coincidentally watched Ulzana's Raid last night - brutally indignant filmmaking.,0 -"Idk why but this Time around its so hard that it hurts, I already miss them all so much #silly #family #friends #nervous",3 -"I'm okay, dont worry. I wish i'd been a better kid. I'm trying to slow down. I'm sorry for letting you down.",3 -SRV's 'Voodoo Child' is approximately 76 times better than Jimi's. #guitar #music #blues,1 -"@user Annoys me to about the Ortiz tribute too, how would the Oriole fans and organization feel if Yanks did that to them? #awful",0 -@user @user @user my snap is andriaprebles ❤️,1 -doing some testing with my current earth burst team,2 -"@user Sat waiting for bus today enveloped in a strawberry scented damp and revolting cloud of vape. I moved away, disgusting, urghh",0 -@user is the live event Brock vs Orton 2 this Saturday on the WWE Network? If not it needs to be! :) #wwe @user @user #revenge,1 -@user first you take the room now you wanna beat me up #bully,0 -"Knowing how to cook is invaluable, what's even better is that even in a 400 sq ft place, I have wide and hearty homestyle egg noodles.",1 -@user #UPLIFT If you're still discouraged it means UR Listening to the wrong voices & looking to the wrong source. Look to the LORD!,2 -I'm still laughing 'Bitch took my pillow' line #glee #kurt,1 -"If Payet goes either in Jan or @ the seasons end, can't say I blame him. The boy must b so disheartened by what he's seeing at the mo.",3 -@user its reflective of the current political debate #awful,0 -"i hope this comes back to haunt you, then maybe you would know just how it felt to be like me at my lowest",0 -"I like the commercial where @user on a chocolate milk bender, steals a soccer ball from some guys and refuses to give it back. #bully",1 -"Everywhere I go, the air I breathe in tastes like home.' - @user #restless",3 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -@user I'm so mad for our clients I'm furious lmao,0 -Just joined #pottermore and was sorted into HUFFLEPUFF 😡😡😡,0 -"@user lydiaaaa, we were the only ones that were supposed to know that you make me nervous 😶",3 -I swear if @user blocks me I'm going to hit her back,0 -"Does this blow your mind as much as it blew mine, or did I just sexually harass someone? #WHOA #Mindblown #huh #setback #fright #madashell 😂",1 -"Why bother tweeting poor men's? \nWhat good does it do? If I'm unable to be cheery, I go quiet. Missed you, btw",3 -That feel when you travel 700 miles to pick up a form that arrives in the post two days after you leave. #fume,0 -"@user thanks for getting back to me, exemplary customer service for a loyal customer #jk #residentadvisor #poorservice",0 -Every year I go to universal studios to horror nights as a 3rd wheel lol 😊😂,1 -I wonder what would happen if I were a father. #weary,3 -A persons opinion doesn't offend me at all,2 -@user yeah a terror packed terror supported speech..,0 -Anger is cheap and politeness is expensive. Don't expect everybody to be polite. #ThoughtfulThursday #politeness,2 -@user I wasn't meaning to offend you. I was saying from personal experience. Kids got placed into these classes and they take advantage,2 -It's weird because I was discussing sex resentment and confusion in the thing I was writing last night.,3 -@user For #serious #intermediaries all required info about #project or #Owner will be mailed.,1 -"Yo Yo Yo,my name is #DarthVader \nI feel like I need to puff on my inhaler (I'm no rapper but that was some sick bars) #breathless #bars #rap",1 -"@user @user @user not to worry, he'll flip Wisconsin",2 -How am I supposed to intimidate the freshman if half of them are taller than I am??,0 -@user shocking,0 -Watch this amazing live.ly broadcast by @user #musically,1 -@user Sam- yes we have! Not helpful at all! We need this sorting ASAP! You keep promising stuff that doesn't happen!!!!,0 -An absolutely dire first half and I can't recall a shot on target. \n\nAgainst Accrington Stanley.,0 -@user thanks for saying My wife and I were getting our iphones today and then losing both of them with no ETA #thanks #angry,0 -revenge,0 -#Peiyophobilia :) An advice from @user don't fear for #Devil! Sure shot✌ @user voice more energetic.Xtremly foot tapping one 👌,2 -"haww I think Nawaz should have spoken about Indian funding to BLA in Balochistan, Kulbhoshan Yadhav and how India used TTP for terror!",0 -"Anger that you are willing to take out on people & the world in general, & ALL #police, is WORST, most indefensible kind of .",0 -No sober weekend 🙂🙂🙂,3 -Can we get a shot of Lingys face at 1/4 time ? Pretty sure it would be more red then his hair #fuming #pretendinghesok #ruok #AFLCatsSwans,0 -So blend the waters lie\nThere shrines and free- The melancholy waters lie\nNo rays from out the dull tide- As if the vine,2 -"oh, btw - after a 6 month depression-free time I got a relapse now... superb",3 -@user @user Don't be silly - she doesn't want to scare them off! 😆,1 -the girl sitting in front of me is chewing her gum like a cow & im ready to snap 🤗,0 -I'm just always too shy,3 -I like cycling because I get to intimidate people with my powerful calves & horrendous tan lines.,1 -@user @user @user I still can't get jimmy garoppolo out of my head and it's been almost 3 weeks. Thanks a lot! #hilarious,1 -"#Jazz - the #blues is the roots, the rest is the fruits",1 -"Americans as a whole are, for the most part, feeling borderline despair at the very least. Looking at a situation out of control.",0 -@user for your next series will u do a celebrity firefighting show and just chuck them all in a burning building and do the voiceover?,0 -The Zika #Hoax Files: DEET is part of a binary chemical weapon targeting your brain: #Toxin #neurological #USCitizens #Insect #mammal,3 -@user be nice if the Texans could hold onto the ball to give fuller and Hopkins a chance!!! #awful #TNF,0 -@user Miss Cookie sends her thanks! She's not as spry as she used to be - like me! She doesn't have the adventures the young pups do!,1 -when u havent learned to swim 🤔 but you keep working out so you're denser and less buoyant 😞 but swimming is scary 🤔 but also u cant swim 😞,3 -A pessimist sees the difficulty in every opportunity; an optimist sees the opportunity in every difficulty. \n― Winston S. Churchill #quote,2 -@user @user I love my #IronTekFit protein shake in the morning before yoga! #ESVoxbox,1 -Why does #terrorism exist in the first place? #AskTrumpOneQuestion,0 -Damn our offense is a mix bag of unpredictable lethal weapons I'm worried for Defense Coordinators 😁 #Chargers #Boltup #Recharged,0 -"bad news fam, life is still hard and awful #depression #anxiety #atleastIhaveBuffy",3 -I just killed a spider so big it sprayed spider guts on me like a horror movie.\n #ugh,3 -@user @user Donald Trump in the White House #shudder,3 -"@user yeah I'm sure it will, it's just so depressing having to talk to my parents over the phone instead of talking to them downstairs",3 -@user EA sports technical support team really suprised me 😊 SUPRISED ME AT HOW SHIT THEY WERE,0 -"@user sadly, at least 3 more years of this. At what point will even the low info selfie lovers who voted for them say enough is enough",3 -Changing my hair again #shocking,3 -oh yay old scientist builds himself a robot assistant and makes it look like a hot naked woman nothing alarming here,1 -@user @user She never said anything about taking away guns but I would now bc of your stupid scare tactics for gun sales.Sickening,0 -@user Hope they refuse :( x #depressing,3 -"@user For me not so much outrage as ‘oh, using female body to sell something, AGAIN’",0 -@user err I wasnt gloomy. 17.2 mio people were not gloomy only #remain were #Brexit,3 -This weather making me dread work tonight,3 -@user oh so that's where Brian was! Where was my invite? #offended,0 -Me: *sees incense burner* is this for drugs?,0 -Tweeting from the sporadic wifi on the tube #perilous,1 -#ahs6 every 5 minutes I've been saying 'nope nope I'd be gone by now.' 'MOVE' or 'GTFO' so thank you for the #fear,0 -@user can't cope wi her sour face and tiny pout 😡😡,0 -"@user Oh, you insult me! What, you think just because I look like this, I'm psycho? I'm more sane than most Gotham freaks...",0 -@user @user #revolting cocks if you think I'm sexy!,1 -Update: I have yet to hang out with @user but I'm still hopeful! #optimism,2 -Day 3 of #harvest16 - listening to the sound of the chopper working it's way closer to home at @user makes me . #farm365,1 -"@user sadness with resentment is the past, sadness with fear is the future. try to live in the now #MHchat",3 -"@user both are nonsensical. If there's injustice against blacks, why add to it by destroying black property. It's misdirected anger",0 -Mixed emotions. #sadness #anxietymaybe #missingfriends #growingupsucks #lostfriends #wheresthetruefriends #complications,3 -@user even when we're fighting I'm laughing. I probably have serious ingrained issues😂🤗,1 -"Fear blocks blessings, faith unlocks them. #ManUp #faith",2 -"@user @user @user Trudeau endulging on outrage culture once again. Preaching issues ad hominem,but never quanitfying them",0 -@user That's why compatibility is key as it lowers hedonic volatility.,2 -Multitasking .... I may have to induce these seeds of mine to sleep. #restless,3 -"@user @user Cancelling home Fibe, Internet and TV this afternoon - as soon as I can arrange alternate Internet. 2/2 #angry #fedup",0 -Bring on my interview at hospital tho 🙈🙈,2 -"@user legit why i am so furious with him, people are such fucking idiots.",0 -@user add tracking but resent them,0 -"Wishing a very Happy Birthday to our awesome dancer, Ruthann!!! We hope your day is magical! #bday #eatcake",1 -"Michelle, who did NOTHING is hating on Nicole's game hahaha.... #bb18",1 -"@user ...specifically are the cause of it all, and they resent being considered the enemy.",0 -Not sure that men can handle a woman that's got her crap together. #independent,0 -Heard of panic! At the disco? How about Kach-ing! at the ATM,3 -False alarm // matoma & Becky hill,0 -there are magpies gathering around me help I'm going to be swooped ! #terrorism,0 -Fashion week this year is dull AF! Someone inspire me!!!!!! 😩,3 -"@user That's awesome! p.s. ok, what are the odds of that, swapping neighborhoods?",1 -How's the new #BatmanTelltaleSeries? Looks good but I'm growing weary of this #gaming style... #Batman,1 -@user I'm so serious DM me I'll tell u more,2 -@user I did that! 3 days later my order isn't even in the same postcode as me #fuming,0 -Will do fine on the mat tonight with or without sleep. theres no worry for that on this side of the water,2 -Tip 5: Don't worry about pleasing everyone. #TitanWisdom,2 -"Watched the movie, friend request at 2am awhile ago in a dark cold night and it was one of the bad choices I've ever made. #nightmare 😰",3 -@user b***er off. NCFC is a grudge match :),0 -"@user I just have serious respect for any man that can pull off a bun better than I can, like maybe they can teach me their ways.",3 -"#Scorpio's can withdraw to a quiet place after being hurt, only to think of a plan to sting back.",0 -"My interview went well today, I can't wait to find out what happens. #nervous #excited #interview #jobinterview",2 -Ive always wondered how long Angelina put up with Brad's crap. Not gon lie 😐,0 -Sickness bug! #awful,0 -@user fucked my coupon that goal! #raging,0 -If I spend even 5 minutes with you and you already irritate me I seriously will bitch you out until you shut up,0 -Light of day per heyday popularization backfire cinematography: XUcQb,3 -"@user you may be right, but since year the bad events begin with B, I'm privately hoping we've got at least C-Z to go 1st #optimism",2 -"@user It's daunting trying to follow Swift news/trends, and facing mind-shattering patterns/terms left and right. I'm trying to adopt gently.",2 -RM will win the game at the last minutes and Madridistas will say Cules stayed this long watching RM win at the end. Disgusting fanbase,0 -"@user @user Yeah, this actually supports why I tweeted in this thread initially. Because of the article's righteous indignation.",2 -@user @user @user we just found thin mints in a freezer clean. i couldn't be more elated.,1 -i cant live anymore my roblox got termianted :(((((((((((((((((((((((( #killme #lol #robloxgamer,3 -I wonder what American city will be next to protest about police shootings. Who's next? Smh. #whenwillitstop #angry #howmanymoretimes,0 -@user @user good thing the FBI didn't offend them!,2 -I've returned from the dead with a desire to clean the apartment and eat something that isn't garbage. #managing #depression,3 -@user I'm furious 😩😩😩,0 -@user why is there no disabled access at pontefract monkhill?,0 -@user this amount of greedy mooching makes me snarl.,0 -"@user Thanks, big bro. It's shake and bake and you helped.",1 -"@user [Reyes snarled in frustrated anger, steel claws flexing dangerously. But she uttered those damning words, it seems to snap --",0 -@user #CharlotteProtest do u #wait 4 the facts #video or do u #hate now ask questions later #sad #protest #PoliceShootings #suggestions,3 -@user yet you and all the other English pundits are afraid to criticise him,0 -"@user Then u understand that rage is often not pretty, or controlled or rational - it is often visceral-not always logical.",0 -You head north and arrive at a breezy cave. It smells sweet. You glance at your watch; you're running 15 minutes late.,1 -Haven't gotten one hour of sleep... Today is going to be a fun day 😐,3 -@user vas a ir al de the amaity affliction?,3 -"A little nose irritation and a little more chills on my body. I'm so not into flu, into flu, into flu #FallSongs",0 -But i'll be a pity. 🐑,3 -How do u grieve someone who legally wasn't a person yet?,3 -@user I love parody accounts! Well done. Vote for #Trump. #lol #hilarious,1 -"@user but sadly he missed some crucial and important points. Indian terrorism in pk, kal Boshan, etc.. Raw involvement",3 -Accept the challenges so that you can feel the exhilaration of victory.' - George S. Patton,2 -@user going back to blissful ignorance?!,0 -..... wakes up and says 'have you tried changing her nappy?' 😡👊🏼 #rage!!!!,0 -"smh customers getting angry at me bc i aint got no marlboro lights in the gas hut. i called them in 2 hours ago, fuck you.",0 ->.< too much clutter in my brain with recent little changes that I haven't yet processed... #dying #panic #IveBeenBusierWhyAmIOverwhelmed :(,3 -@user peanut butter???? You some kinda pervert?? #awful,0 -@user something needs to be done about people hogging machines - nobody can use 3 machines at one time! #angry #notfair #whypay,0 -Thinking about trying some comedy on youtube. Always been fond of it. Time to nut up. #comedy #maybeoneday #hopefullyfunny #LOL,1 -@user I've left it for my dad to deal with 😂 My work is done as soon as it's felt the wrath of my slipper 😷,1 -not near my kitchen so unfortunately I cannot do a cooking snap series 🍳,3 -@user Don King is an insult to the intelligence of the Black Community. What are these people thinking?,0 -"Gahh...BT, in queue for 30 minutes.. Now put through to BT Sport dept to cancel... back in a queue again... #shocking",0 -these confident bitches should scare you the most,0 -Hey @user why can I only see 15 sent emails? Where's the thousands gone? #panic,3 -@user + and gives it to hear] 'Please.. I can tell you anything if you want to listen. maybe you're dont afraid anymore of me +,1 -How do you ever stop being #afraid of someone that you live with,3 -Clash of the titans and wrath of the titans 🙌🏾🙌🏾🙌🏾 🔥,1 -@user grim what the fuck going on with these dame fucking clowns takeing the gameing channel if I had a way to nj I would delete,0 -And I cried in front of my guy last night. And it's just been a horrible week but it's only for a week,3 -"life is hard., its harder if ur stupid #life #love #sadness #sadderness #moreofsad #howdoestears #whatislife",3 -"@user Sure have... Sydney are too tough, too quick and their 'team' pressure is too much for the Cats to handle. Motlop/Cowan",2 -*Still waits for Yang. Guess she really needs her sleep or something. Kittens feeling kinda dejected right now.* #Offline,3 -the prospect of getting choked out by a hot daddy tonight is sorta cheering me up but I also kinda just wanna watch the new AHS episode lol,1 -"@user : I can't find my patronus, the website doesn't work, I can't even see the questions.... #sadness...",3 -"Don't join @user they put the phone down on you, talk over you and are rude. Taking money out of my acc willynilly! #fuming",0 -"@user This is it. The complete illiteracy around the role, nature and extent of British agents is shocking.",0 -"The labor of love is not cheap or inexpensive, it's the time spent earning it. #lackadaisical #dreamer",3 -I want to pour all my tears on someone right now. So tired of this #upset #sad,3 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -@user didn't even realise you used that insult it was that shit mate,0 -"@user Boro are at the OS before then, they could give the stewards a good work out. Chelsea will get about 8k, will be lively.",1 -the sad moment when u hand in an exam knowing u failed and grieve by eating and sleeping,3 -I don't know what WiFi/ISP Rivertide Suites in Seaside #Oregon uses. But 53ms ping best I can get and a D/L test won't complete.. #terrible,0 -@user dude we same fukc i lost my spectacles this morning.......,3 -It's a beautiful day today. Cloudy but sunny and breezy.,1 -Halfway to work and I realize I forgot to put on underwear....It's going to be one of those days! #mombrain #toomuchgoingon #longday #breezy,3 -Always do sober what you said you'd do drunk. That will teach you to keep your mouth shut. \n― Ernest Hemingway #quote,2 -"Bloody hell Pam, calm yourself down. But could have sworn something black & hairy just ran across the carpet, #perilsoflivingalone #nervous",3 -@user I'll be there!! Can't wait for all the #mirth!,1 -A wise man told me that holdin' a grudge is like\nLetting somebody just live inside of your head rent free,0 -How is it suppose to work if you do that? Wtf dude? Thanks for pissing me off.,0 -Inpouring this letter we are dying over against subsist checking quaint virtuoso ways toward fine huff yours l...,0 -induction day tomorrow for pizza express,1 -Shoutout to @user for ruining my iPhone 7 order!!,0 -I hate freaking out and ruining things. #anxiety,0 -I'm tired of everybody telling me to chill out and everythings ok. no the fuck its not. I'm tired of faking a a fucking smile,0 -What do you get when you cross an #apple tree and a #pine tree? 🍎🌲\nNothing. You can't cross-pollinate #deciduous and #coniferous #trees.,2 -Im so serious about putting words in my mouth bitch don't add ' the ' to my sentence if I didn't say that shit on bloods,0 -"@user unfortunately the diet is still on, so they will have to wait till Friday I'm afraid.",3 -Can someone make me a priority list of which things I should be outraged at + in which order? #outrage #racism #animalrights #abortion #cops,0 -The smell of freshly cut grass didn't even cheer me up...boy oh boy,3 -OOOOOOOOH MY GOD UUUUGGGGHHHHHHHHH #rage,0 -A .500 season is all I'm looking for at this point. #depressing #royals,3 -@user yeah agree - I think it was a family member and they covered up #sad,3 -"With that draw, the scum must be rubbing their hands with glee! Typical draw for the Woolwich lot!!! #jammygunnerscum",0 -@user Now that's what I call a gameface! #gameface,1 -So about 18mths ago i signed up to @user for their @user / Velocity FF deal. 18 months in still no FF points #shocking,0 -i am le depressed i l hate myself xDDdD #sad #depress #loner #emo,3 -"@user haha, horrific is all that needs to be said. Glad I'm away to Spain on Sat so missing game 🍹🍕🍺☉☉",1 -"@user ya know I love ya man, but #TheGreenInferno really fucked with my head....(giggle)..do it again. #epic #ineedtherapy",1 -"While I was walking, a little boy in a red shirt(5/6 years of age) shouting from a distance of 3 meters, in a jovial manner saying...",1 -Just saw lil homie @user rage on cam. Weren't roids a thing in the late 90's or has it come back? I'm lost...,0 -#Drunk people annoy me when I'm #sober lol. | #fact #TeamFollowBack #RockTheReTweet,0 -@user #offended the tonys have found a way to leave me out and now y'all have too,0 -@user @user Amal Clooney should try to prosecute #Bush/ #Blair for #war crimes that turned our World upside down&created,0 -@user I feel horrible dealing with 'players' in HotS. News on what you're doing about it? Getting stuck with uncooperative people!,0 -@user data stolen in 2014 and only now do you tell us #shocking.,0 -I am using twitter as a coping mechanism for raging out at this kid oops?,0 -@user @user I need it today! Do u know how many fuckin French plaits I had to do this morn with a stroppy 9 yr old!,0 -@user @user any of y'all remember when MLB tried a futuristic jersey those were all,1 -"@user No idea, just exhausted and I was tidying my room and just burst out crying ... fs",3 -"me, myself, and I \n #horror movie alone again tonight maybe a #zombie would eat me and finish my life game already - i want #gameover",3 -No offense but to the ppl out there using creams to build your glutes...COME ON. Go squat and what not.,0 -"Pro Tip: Go back to work when your kid reaches 20 mos old. Stay home any longer, and you'll be absolutely miserable with the #tantrums.",0 -Catering channel's at the height technics hearty enjoyment symptomatize: vrlfEyrN,1 -Bes! You don't just tell a true blooded hoopjunkie to switch a f*c@n' team that juz destroyed your own team. You juz don't!,0 -Gotta wonder why Caller Max listens to the show in the first place if you so incense him @user,0 -It's unbelievable that security guard acting like a gangster trying 2 threaten me and tell me what to do with my own home. #terrify #annoy 😡,0 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -@user I've just found out it's Candice and not Candace. She can pout all she likes for me 😍,1 -Dunno y am going to the Yorkshire scare grounds when I only lasted a minute in the Alton towers one before running out a fire exit crying,3 -Dear Indians..It is hard to swallow this but for once try to swallow this bitter pill...that is.. Pakistan is number one in Test cricket!!!,2 -@user black armed thug with a record carrying gun illegally gets shot by black cop. #outrage This is a joke.Let em destroy their town,0 -"Niggas never changed...even as a kid and a 29 year old, in his interviews, seems jovial and happy after death of his sister...he did it",0 -Watch this amazing live.ly broadcast by @user #musically,1 -Hey no turn over after a kick - way to go Texans! Way to go! #Texans #noheart,0 -People irritate my MF soul,0 -Watch this amazing live.ly broadcast by @user #musically,1 -i wonder how gleeful it is to be dumb af and see the world through rose tinted glasses,0 -The weather sure matches the mood in this state today.. #gloomy,3 -My Modern Proverb: 'Don't let anyone intimidate you about being single; most marriages end in divorce.',3 -@user PS: I still think your broken leg against Scott Steiner was one of the most horrific injuries I've ever seen in the ring #ccot,3 -@user yessir. Also cheering for Sweden bc of Lundqvist,1 -i can't believe they're all messing up my favourite of all bakes i feel personally offended,0 -Donnie trumpeter is a vapid and vacant vile viper slithering through the landscape and playing on the gears of the fearful and afraid.,0 -So I survived spin....trying to get down the stairs was hilarious tho #jellylegs 😂😂,1 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -@user :)) im now writing abt the changing face of sex industry in tr :))) now men will talk to me then! #revenge,0 -Does anyone remember a movie that is animated in the late 70's called Shame of the Jungle John Bulushi was in it wild if that's your taste,1 -It's so gloomy outside. I wish it was as cold as it looked,3 -Hate being sober so I popped two,0 -@user @user @user @user @user @user to give me my keys back. They aren't for my house!,0 -"The bowl on my new food processor broke, @user #sadness.",3 -"In 2016, Black people are STILL fighting to be recognized as human beings. #cantsleep #angry",0 -So far ours greet have raised £250 for @user with more to come in #sparkling @user @user,1 -@user I send ya a few #playful nibbles 😉,1 -Don't get #bitter get #BETTER,2 -"@user Hi folks. Flight is going to be over an hour late departing from INV (EZY864), how do we go about getting a refund please?",0 -81' Goal scorer Vidar Kjartansson comes off in favor of Dor Micha! Another terrific performance by @user #YallaMaccabi,1 -I'm not use to getting up early asf this shit goin irritate me.,0 -@user if your depressed and somebody calls you long faced will you still automatically take umbrage?,3 -@user The worst customer service and lack of professionalism from this service provider! #phoneprovider #badbusiness #terrible,0 -3:45am and off to the hospital! Elouise's waters have gone! #Labour #LittleSister #superexcited,1 -"@user \nSo when exactly did you lose your mind, pal? \n#Trump #fraud #misogynist #liar #psychopath #narcissist #revolting #conartist",0 -What terrible thing to see and have no vision-\n\nHelen Keller-\n\n-Begin with the end in mind-\n\nStephen Covey-\n\n #whereareugoing,3 -Watch this amazing live.ly broadcast by @user #musically,1 -A 'non-permissive environment' is also called a 'battleground' - #MilSpeak,2 -@user @user lol no it's sparkling wine,1 -"@user #Poor = #angry and justly so. Offer people some hope! My god, does anyone see this?! #Education should not be for the #elite",0 -"#Pakistan is ‘terrorist state’, carries out #war crimes: #India to @user #UNGA #UN",0 -@user opened doors to terrorism and he will pay for it. @user @user,0 -@user the pout tips me over the edge. I am most definitely AGIN. Who the feic bakes with full make up and boots with heels!!!!,0 -depress 😭,3 -"Leeds surely to drop the prices for that cup tie, rather than the dismal attendance last night..",2 -@user Good - cuz that's what Trump is: a fucken 'N'azi. Don King-u havnt sunk this low since u set up Mike Tyson. 2 pathetic Dons.,0 -@user I thought everyday was a glee day??,1 -@user grim really,3 -You have a #problem? Yes! Can you do #something about it? No! Than why #worry,2 -second episode of AHS 6 here i go,1 -@user : YES ! Right ? I mean I wish you hadn't been discouraged to see #MikeandMolly because so many parallels really -,3 -@user @user just got wind of #MenForChoice and it doesn't infuriate me. Just makes me sad for the generation.,3 -Life long fear of havin a shit and a spider crawls up ya bum,3 -Unbelievable takes 10 minutes to get through to @user then there's a fault and the call hangs up #treatcustomersfairly,0 -@user @user looks like a book shaped like a gun to me #optimism #itsagunalright,2 -@user I think you should do. Get the fashion police involved.,2 -"A MOMENT:\nIf you kill it in the spirit, it will die in the natural!!!'-@PRINCESSTAYE #murder #suicide #racism #pride",0 -"ninaturner: Mine too. With what is happening in country, I needed this moment of levity bernblade LisaVikingstad",3 -I'm just a fuming ball of anger today 🙃,0 -Indignation: [whispers to date during that terrific Lerman/Letts centerpiece scene] That's his overwhelming sense of indignation.,2 -"@user One day I'm drinking a bottle of nyquil, the other I'm sleeping zero. My lovely #horror fam, which should i watch? 🎩",1 -@user negative campaign of doom and gloom don't win elections,0 -@user @user Start mournful then kick into major key in last verse where good guys win? (Or just change words in existing song?),3 -All I want to do is watch some netflix but I am stuck here in class. #depressing,3 -@user @user To good hearts I lost my job I'm Responsible 2 families My Information in profile even dollar if can’t just Re-tweet,3 -I was literally shaking getting the EKG done lol 🙄,1 -Police don't wanna be called pigs but they keep actin like em....honestly that's even an insult to pigs,0 -@user I know smh. My heart sunk into my stomach.,3 -"can only blame Jose ere why would you give Rojo another start after Sunday , fucking disaster waiting to happen & it did shocking header !",0 -"Y'all bitches be so angry and bitter, that must truly suck lol",0 -Today you visited me in my dreams and even though you aren't physically gone I still mourn you,3 -"I wish I could fast forward 3 months from now, I'll know then where I'm at with my girl, my classes, and basketball. Rn I have pure",2 -@user it happens and Vegas isn't the only origin thats prevelant #sadly,3 -@user don't provoke me to anger,0 -@user @user u gave Laura so much constructive criticism she blocked u 'Lazy Give Up Now No Hope Retire' same with Heather,3 -And she got all angry telling me 'but what would be doing a 40 year old guy looking for a girl like you' and I felt #offended,0 -Always hurting somewhere..... ALWAYS tired ....when are you lively ??,3 -Go away please ... I'm begging »»» #depression #anxiety #worry #fear #sadness \nDreams of joy and my baby to be found...Sits on #AndisBench,3 -"if u have time 2 open a snap, u have time 2 respond",0 -"@user thank you, I shall mourn her",3 -Let's refuse to live in #fear - #sotoventures,2 -and I'm up from a dream where I said something really retarded on twitter and it got like 10000 retweets,1 -Once I have sent a pitch to a brand I close all tabs relevant to them instantly. Thats the kind of detachment I create for myself. #serious,3 -Fast and furious 6 this Monday 10 pm on mbc 2 😍😍😍😍😍😍😍,1 -Living life so relentless,3 -also i had an awful nightmare involving being sick where worms were involved i was so disgusted when i woke up,3 -something incredibly terrible about my life is i'm 23 years old and still suffering through group projects..........,3 -@user awe thanks girl 😊😊,1 -That AK47 leave your spine with a frown,0 -Candace & her pout are getting right on my tits #GBBO,0 -Watching driven by food and @user going to Devon Ave to eat nihari makes me gleeful af,1 -I remember when Rooney wanted to leave United and the fans threaten to kill the man and bare junk... wanna regretting that now? 😂😂,0 -@user #zionist = #terror \nImagine this kid was a #Palestinian or #Muslim\nZionists stealing #innocence of childhood from #Jewish #children,3 -"@user he's brilliant, lost the joyous plot with us that year. Admits being a fan now after that.",1 -Just joined #pottermore and was sorted into HUFFLEPUFF 😡😡😡 #fuming,0 -No @user for MOS 😡 #shocking Leads from the front 💪🏻,0 -my life in one word is depressing,3 -Well I won't be doing a unboxing of the iPhone 7 plus on my channel until November sadly. Thank you @user @user Staten Island NY smh,3 -Patriot rookie QB Jacoby Brissett to start vs Houston tomorrow nite.\n\n'Been a learning process since I got here.Gotta be ready to go.',1 -Being shy is the biggest struggle of my life. 🙄,3 -#Hudcomedy #AdamRowe #insult Slutfaceshlongnugget,0 -penny dreadful just cleaved off a fraction of my heart,3 -@user Only Indian seems to be afraid of War is @user n like India is for WAR! WAR! WAR! we cry war. #PakistanMustPay,0 -"Okay you've annoyed me, you haven't done a good job there at all. #furious",0 -me taking a picture by myself: *awkward smile*\nme on picture day: *awkward smile*\nconclusion: stop smiling ;'(\n #pictureday2016 #ornot,3 -"@user i know i don't know u, but physiatrists are seriously the number one best thing for people with anxiety.",2 -@user that nigga is horrible bro,0 -It was very hard to stifle my laughter after I overheard this comment. It really is amazing in the worst ways.,1 -"@user Annoys me to about the Ortiz tribute too, how would the Oriole fans and organization feel if Yanks did that to them?",0 -so I picked up my phone!!!' #shocking 😳,3 -@user With or without cake seeing your wee cheery face is always a joy xx,1 -@user I know guys that sink $1000s into the game and only to build a team and play solos. But this hear you make nothing on solos.,3 -The most depressing part of being ill is that your taste goes 😫,3 -@user bc it's a gloomy day Tony,3 -@user Red heads are more fiery.,0 -I've been wanting salty fries from McDonald's since yesterday and I'm burning my fingers eating them bc these shits 🔥🔥🔥,0 -Watching the NY Phil webcast. Something missing. Reminds me of a blithe Journey's End I once saw on Bway. Might just be the Gershwin.,2 -@user this is hilarious !!,1 -Jeans with fake pockets #horrible,0 -@user ring ring! #depression is here,3 -This nigga doesn't even look for his real family 🙄😂 #sad,3 -PM #SheikhHasina in @user speech terms #terrorism as global challenge and urges world leaders to work together to unroot it from everywhere.,2 -"@user , just saw the Save The Day PSA. Why were you in obvious tears doing it? I'd have thought you'd be your cheerful self.",3 -@user ←would furrow and her face would redden as she protests; it would seem that being seen as unattractive in Wukong's eyes was→,0 -"My prayers are with the family, friends & members of @user as you mourn the loss of Engineer Ryan Osler. #LODD #RIP",3 -If my concerns & anxiety don't matter to you then I shall return the favor. #EyeMatter,0 -I had a dream that I dropped my iPhone 7 and it broke T_T #cry #iPhone7 #nightmare,3 -"@user @user @user @user Also, apart from Skyfall, her music is dire and boring.",3 -Too many gloomy days,3 -#PeopleLikeMeBecause of some unknown reason but I try to discourage it,0 -in love with @user insta!!!...,1 -A decent sleep makes Kurt a happy soldier. Spit & polish the converse men. chests out and baseball caps at a jaunty angle.,1 -@user @user I'd rather leave my child with @user #shudder,3 -Standard Candice starting the show with a pout #startasyoumeantogoon #GBBO,1 -inha's and seol's banter is rly fun to read. im in awe that seol is willing to deal with her tho,1 -@user NO greater wrath than a woman scorned.,0 -"3 #tmobile #stores, #original #note7 #customer and zero #results... What's going on guys? #terrible #customerservice #2hour #waittime",0 -Nasty nasty chilly rain has put a damper on my afternoon cigar. This is NOT a good thing. @user And FOUR #CongressCritters tomorrow?,3 -18' \nMichael Carrick as struck the back of the net much to the delight of under pressure man u fanz and MOU...,3 -"I'm onto you, @user I know you secretly pine for a masculine order, objective morality, and disciplined transcendent pursuits.",1 -Literally dying & living at the same time as I catch up on @user 's twitter. If you aren't following him your life is BASIC. #hilarity,1 -Mary astounded there at the concept of having leftover milk at the end of your cereal #GBBO,3 -Biggest #THREAT 2 #GLOBAL #STABILITY? #climatechange #food #water #security #terrorism #russia #war #trump #clinton #geopolitics #korea $vwo,0 -@user @user You certainly wouldn't catch me with the multitude.,2 -@user can be as indignant as he wants but the world knows Obama will do nothing and Putin will just do what he wants #Aleppo #Syria,0 -"When's it all finished, you will discover that it was never random! #thoughts #CrossoverLife",2 -@user LMAO Is it that 'so slutty' hater girl? That video was hilarious. 😂,1 -@user so you are astounded that I respect blacks to vote like any other human? u talk so down towards them. What bigotry on display!,0 -"It's simple I get after two shots of espresso 'Grande, decaf, 130 degrees soy americano with extra foam' #barista",1 -There goes the butterflies in my stomach. #anxietyproblems,3 -@user wallah my blood is boiling I need to take a nap ugh,0 -@user just had a steak pie supper,1 -"From what I know of the man, I have to assume that @user has had a heated argument with his own penis. #sad",3 -I have serious problems with the expectation that private philanthropy should replace functional government services...this is dangerous,0 -@user @user Meanwhile white cops keep killing black people. But there's less outrage about that. Strange society that.,0 -"I took a yr off school and I'm proud to say I got accepted again, yo girl is going to finish! #happy",1 -Feeling worthless as always #depression,3 -"Dear everyone at HSSU, stop walking with your phones up so I can smile and wave at you and you can smile and wave back :(",3 -Where's your outrage when a black man kills another black man in the streets?,0 -I feel like singing the song human sadness by Julian Cassablancas and The Voidz or some other sad music. #depression #sad #sadness,3 -Another fun fact: i am afraid,1 -@user @user @user you are so wrong for this!needed levity after that recording,0 -Bring on my interview at hospital tho 🙈🙈 #nervous,3 -@user What if the supposed animosity is all bullshit to con the Iranians?,0 -@user Reaching out AGAIN in hope to contact over the technical issues I am having. Your CS is severely lacking. #badkarma #unhappy,3 -Val reminds me of one of the cheerful witches that looks after Aurora in Disney’s Sleeping Beauty. #GBBO,1 -"@user thanks for getting back to me, exemplary customer service for a loyal customer #jk #awful #residentadvisor #poorservice",0 -@user #Strongwomen terrify #weakmen - don't let the #bully wear you down. Loving your consistency and truth in rough times Hang in there ❤️,2 -the thing with Twitter is i only remember to tweet when i'm bored or alone and then it comes across like i have a really dull and sad life.👽,3 -"You will never find someone who loved you like I did. And that my love, will be my revenge.",0 -He's mixing it up pretty well..using that slider pretty affective so far #thebabybombers #yankees #offense,1 -God knows why you'd wanna go with a girl who's slept with half ya mates #grim,0 -Paul forever. Paul should have won! Paul played such a better game! #BB18,1 -@user @user I couldn't care less about #GOTHAM. I haven't watched it since the mid point of season 1.,0 -I can't even celebrate my wins or mourn my L's cause first test week is that busy 😕,3 -You make me breathless.,1 -Fuckin restless,0 -A hearty welcome to those who followed me.,1 -"The liberal outrage over don king saying the N-word really angers me. The white yuppie progressives can go fuck themselves, shame on blacks",0 -Nick said he's territorial and he'll growl if someone gets too close to me #hesananimal,0 -"because a kitchen sink to you is not a kitchen sink to me, okay friend?",0 -When you burst out crying alone and u realize that no one truly knows how unhappy you really are because you don't want anyone to know,3 -"oh, btw - after a 6 month depression-free time I got a relapse now... superb #depression",3 -"@user Same with gaming. Sites leaned PS2 during its heyday, leaned 360 most of last gen. This gen started vitriolic mostly by...",1 -Thought I left that part of life behind me\nIt's back to haunt every girl that loves me,3 -"meeting tiff at the mall soon, congrats on getting that L babes❣",1 -Dude go out his way to irritate me🙄🙄 that's why I go out my way to not give up any pussy🙅🏾🅿️,0 -@user awe yay thank god I was so worried.,1 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -"Do not despise the Lord ’s #discipline, do not #resent his rebuke, because the #Lord disciplines those he loves... #Proverbs 3:11-12",2 -Close to the end of a revision...taking this story I love in a new direction has been exhilarating for me. #endlesspossibilities #amwriting,1 -I look #horrible today and I just saw 6 people ik in the past 10 min :-),0 -Everyday gay panic is STUNNING: I drew 1 guy's att'n to it when he blocked up a toilet stall's cracks w/paper towels. TOTAL INCOMPREHENSION.,0 -@user @user because there is a realistic probability that a clown might be their next president. #clown #uspol #nightmare,3 -@user @user 47 unarmed blacks killed by white cops in 2015. That many die every month in Chicago wheres the #outrage,0 -If you really care like you state @user @user then I would seriously address sensitivity training to your employees #awful,0 -"[My teeth were sunk down into the vein of the poor woman who had 'accidentally' had a small problem with her engine, just outside of --",3 -"Bilal Abood, #Iraq #immigrant who lives in Mesquite, Texas, was sentenced to 48 months in prison for lying to the Feds about .",0 -@user sadly his best days are behind him,3 -@user when you click over and over again for a cupcake but there are no vehicles available... #sadness,3 -Well i did hear once before that girls are attracted to men that look like their dad! 👌,1 -@user sorry to upset u madam.If you have got any queries don't hesitate to contact our PR department.In the meantime do you fancy a beer?,2 -For the last 2 years the U.S. has been averaging about 4 terrorist attacks a month. Good debate topic. #Trump #Hillary,0 -Having one of those #angry days. I will have to stop watching #news.,0 -@user May I send you a copy of #HeroTheGreyhound? Either e-book or real paper one! A boy and a greyhound #smiles #tears,1 -Kayaking is merriment together with sevylor inflatable kayaks: eYGgJxMl,1 -"This white lady just told me that I incite suspicion based on how I look, being 6'4', having tatoos, athletic build and wear a durag. WOW!",1 -"@user -Sylvia was elated to receive kisses from the little prince, her bright smile clear as she glanced to Garrett and Elyse- --",1 -@user #heyday Race war 2016,1 -Hell hath no fury like a sound technician scorned'\n\nThat's the quote right,0 -"I love when my dog is playful, but he really just scratched my face while flailing his paws in excitement and almost tore my nose ring out",1 -"myself that despite the absolute delight my children and I would feel having a kitten in our home, the misery my husband would feel is more.",1 -@user please fire don lemon!!Do not let him report on anymore protest. He is #horrible #negative and runs away from the issue at hand!,0 -. @user @user The problem is the time it has taken to do this means its going to be out of date already. #sadly,3 -@user im pretty sure cause ever since saturday ive just been super sad lol,3 -Best quote from a 7 in German - Almost,1 -Wow what a thought! #JudgeLynnToler 'I can't have the specter of this morning's problem haunt my afternoon.' Well written! That 1 sentence,1 -Put my passport in a safe back after getting back from Australia 🌏. Only problem is now I can't remember where the safe is!! #panic 🛂,3 -if i don't answer your 50 texts pls don't snap me,0 -At my age all I see is gray. Is it gray because of my bad eyes or my perspective #depression #healingjustice,3 -@user @user because there is a realistic probability that a clown might be their next president. #clown #uspol,0 -Am I the only one with parking sensors who still manages to reverse into things? #nightmare,0 -Just feel awkward that I'm being timid to everyone.,3 -This provocation sets off a curiosity. An entity is feeding fuel to the fire. speaking quatrains. Hmmm America needs to be vigilant now,0 -Beginning the process to see if working is an option. #mentalhealth #complexptsd #nervous,3 -whenever I hear concert postponed I think of dismal ticket sales green day ?,3 -"Don't let fear hold you back from being who you want to be. Use it's power to push you towards your goals. No more fear, just action.",2 -Shoutout to the drunk man on the bus who pissed in a bottle and on the seats #grim,0 -I can never find the exact #emoji that I'm after at the exact moment that I need it #panic,3 -Hell hath no fury like a late twenty something dude who's concur for government session keeps expiring before he can submit a form,0 -"The point of living, and being an optimist, is to be foolish enough to believe the best is yet to come' - Peter Ustinov #quote",2 -@user I think it's the daunting fact of the typical offer being those grades. Even though it's been proven not to be the case exactly,0 -@user I asked for my parcel to be delivered to a pick up store not my address #poorcustomerservice,0 -Embarrassing lack of defensive depth coming back to haunt us.,3 -@user @user you should force your neighbours to pay that! Those people have some nerve!!! #outrage #Victim,0 -I love when people say they aren't racist right before they say some racist shit... Not how that works...,0 -People stealing things from my work out quite the damper on my day so now I am going to wear pajamas all day,3 -@user @user awe ain't he a sweetheart? He's adorable! 😊😍❤️,1 -Anyway I'm in a car with a furious white men and I have a really funny story to tell when I'm sober 😂,1 -we shiver in the pause between words \nabandonment still fresh upon the tips of our tongues,2 -@user I would have almost took offense to this if I actually snapped you,0 -GUY was such a video I'm shaking @user,1 -@user can't wait to see you Hun #cuddles #gossip,1 -"Being at the airport is so depressing.. watching all the loved up couples and cute people coming off holiday,too cute..hurry up November ✈️",3 -Tweeting from the sporadic wifi on the tube,1 -Spurs radio commentator referred to Mauricio Pochettino as 'MoPo' and I felt a sudden surge of rage.,0 -I can't even right now #bb18 #rage,0 -I forgot #BB18 was on tonight 😳 that is how much the real world has been distracting me #horrid 🙅🏼🙈🙊,0 -How had Matty Dawson not scored there!!!!! #terrible,0 -ICQ is just making me mad!!!😤 #icq,0 -"Never fear the want of business. A man who qualifies himself well for his calling, never fails of employment.",2 -Has anyone noticed that @user stories in recent days all paint positive accomplishments for Trump and challenges for Hillary? #surprised #sad,3 -I hate when people say 'I need to talk to you or we need to talk.' My anxiety immediately goes up...,0 -@user I wouldn't fret. There's too many opportunities in life to worry about one not working out.,2 -"My nephews n cousins are nowhere near bad guys, but they could be killed @ any moment by a cop that thought they were bc of their color #sad",3 -You don't know what to expect by Brendon's video lmao LA devotee video got me shook #panic,0 -my mom cut my phone off and I'm so furious 🤗,0 -"Going off reports on Sky, Stoke played ok tonight. Think i'll stay off the messageboard tonight though -it will be grim on there :/",3 -Panpiper playing Big River outside The Bridges in SR1,2 -Checked-in for my flight to Toronto. Took seat 3D just to infuriate @user,0 -Now #India is #afraid of #bad #terrorism.,3 -Forever raging 😏😂😭,0 -"How is that in 2016, a 757 airplane does not have WiFi...ridiculous.#AmericanAirlines #americanairlinessucks #AATeam #horrible",0 -If Monday had a face I would punch it #monday #horrible #face #punch #fight #joke #like #firstworldproblems #need #coffee #asap #follow,0 -Don't chase fame\nif you're going\nto resent it\nwhen it starts\nchasing you'\nWRDSMTH,2 -I hate those sugar cookies shit is awful,0 -@user did you not learn from @user 's viral insult to ballet? Stop trying to wrongfully stick models into pointe shoes 🙄,0 -Like hello? I am your first born you must always laugh at my jokes. #offended,0 -"#rocklandcounty get to ravis in suffern, ny. Great food, new #chef, terrific atmosphere. Say 'twitter' to server and get free #appetizer",1 -"Oh, I should just 'get over' my #depression and 'be happy?' Don't you think I've tried that thousands of times already? You're not helping.",3 -"It feels like there are no houses out there for us. With the most basic requirements I have, there are literally no options.",3 -don't give someone power by letting their words offend you,2 -Im having a real life conundrum cuz i cant find a good spot for my mini hoop and its really starting to depress me,3 -"The abysmal ignorance, frivolity and levity of the Italian priests stupefied him.' - Roland Bainton on Luther, #ReformationDay",0 -#Taurus will react angrily when she can't take being provoked any longer.,0 -I don't care what shape the blues are in. \nWe owe them a fucking hiding. \nLong overdue on that front.,0 -BANG! Gordon #Brown has been accused of abusing a gazillion #rabid parrots!,0 -The new @user song is mega 💥 reminds me of @user #blues,1 -@user The solution is to punish the criminals. That's the only way to discourage crime. or the circle will continue.,0 -@user worst thing is i have confimation from them,0 -@user @user Looks like a rabid pack of inbreds.,0 -I don't think I can go to work tomorrow since val has left #GBBO I need a day to mourn,3 -the teams that face Barca and Bayern after a defeat are the ones who face the wrath,0 -"@user yeah whatever, whahibbi are #muslims just a sect, as you know, #islam is synonymous with #rape and",0 -@user @user you should force your neighbours to pay that! Those people have some nerve!!! #Victim,0 -The bubble has officially burst. 98 boys to beat for the trophy and all the glory #wptmain #bye,1 -Undifferentiated otherwise patent closest patron braininess ideas that incense the offensive lineman: wHYaNEWG,0 -@user I'm just no offended by stuff.We're gettin a situ where folk moan about the Polis/SNP but then happy to snitch when offended...,0 -Trump supports reach another level of irritation within me,0 -"People will talk, words will sting, but how you handle that is what differs you from them. Be like them or change the culture?#BeDifferent",2 -3years today marks the anniversary of that horrid Westgate Attack in Nairobi. My heart out to all those of us who lost our family & friends🕯,3 -@user love new movie\n#BlairWitch #blairwitchproject #horror #HorrorMovies,1 -Watch this amazing live.ly broadcast by @user #musically,1 -My blood is boiling,0 -"It's my last week at CN! I'm gonna be sad to leave, but this will also be my first planned break since going into animation!",3 -$FOGO max pessimism here and no bottom (yet). Has a solid PE ratio for a restaurant. Let's catch it at 8 level or 10 level if it comes.,1 -@user can you at least just walk past her and break out into laughter,1 -"@user Thank you for the most fantastic evening, it was a brilliant show, you are a truly #sparkling talent, night over too quickly.",1 -sorry Main twitter im in depress,3 -"Anger, resentment, and hatred are the destroyer of your fortune today.'",0 -@user Anything is better than a Trump ramble. He is awful. Truly truly awful.,0 -Do not be discouraged by a slowing sales market. This will test your business model and pinpoint #strengths and #weaknesses.' @user,2 -Shanghais chief distracting levity pampa - proper dingle carry away: uUDQujcia,3 -@user Sweet!,1 -@user @user @user @user so you were owned by losers on Twitter,0 -Take public opinion on revenge with Pakistan if govt is unable to decide. @user @user @user,0 -"How the fuck do we #live our lives admiring everybody that ever just did something to #win it, then be #afraid to even try to do it yourself",0 -Saga: When all of your devices and teles fail just in time for bake off #panic #gbbo,0 -So going to local news immediately after #DesignatedSurvivor turns out to be a smooth transition. 'Chaos! A raging fire!...' #media,0 -@user why you gotta use the dark skin emoji #offended,0 -@user @user like going to a so called cardiac arrest that turned out to be a cut finger! #fuming #medchat,0 -when you find out the initiative isn't even a thing 😧 #revenge,0 -I dread this drive every Wednesday 😩,3 -#2 complained then while his head and then called do not despair of God's mercy if you did sins go back to him and ask his forgiveness,2 -"The man who is a pessimist before 48 knows too much; if he is an optimist after it, he knows too little.'\n-Mark Twain",2 -Circle K is dead to me. I hate your new slushie machine. #livid,0 -Have the producers of @user ever been outside of their country? These are universal problems. #worldwide,0 -@user how could I work with @user . ? #serious,0 -@user @user My heart goes out to that woman for the indignity of what she is sitting through.,3 -@user so what you mean to tell me is that.... glee is...... getting less........... gleeful?,1 -@user @user awe I love you twooo!!! come adventure with me someday!,1 -@user @user @user @user Even the painting is orange! #terrible #Election2016,0 -@user @user @user @user Might be the pout of a star baker tho !,1 -"#Taurus, for the most part, you have perfect control over your Emotions and you are careful not to be so sulky around anyone!",2 -Honestly don't know why I'm so unhappy most of the time. I just want it all to stop :( #unhappy #depression #itnevergoes,3 -@user oh so that's where Brian was! Where was my invite?,0 -Houston might lose a coach tomorrow or by midnight. #yikes #offense?,0 -A @user not turning up? Why am I not surprised. Late for work again!,0 -When my life became such a concern to irrelevant ass people I'll never know,0 -@user @user Sam Dyson is probably having flashbacks right about now.,3 -We worship at Your feet\nWhere wrath and mercy meet\nAnd a guilty world is washed\nBy love's pure stream\n—Graham Kendrick,2 -"tesco. why OH why cant my Visa electron be accepted on line , I am 55 , NOT 15 ?? #shocking",0 -@user @user by all accounts he was poor first half. Started showboating once game was safe #bully,0 -Gosh #anxiety attacks turning into #Panic attacks are fucking ugly ....,0 -Can I just sulk in peace 😂,3 -"@user Eric couldn't help but laugh, though that made him wince in pain. It hurt. A lot. He just wanted to sit down somewhere —",3 -Huns are like a box of coffee revels #horrible,0 -@user let them know it's the #blues,3 -"@user Gabriel would eventually start frowning, gaining conciousness. Which was apparently really painful by how tears formed in the--",3 -@user I don't read articles by people who rage about how horrible 'Cybernats' are. Got it?,0 -Another day Another flight 🙈 I swear my last ever @user flight!!!! You take the LOVE out of flying #easyjet #alwaysdelayed,0 -"@user Can Elliot Friedman please stop talking, you are clueless. You haven't seen the ball since the kickoff. #mope",0 -I'm a shy person,3 -Like he really just fucking asked me that.,0 -"God, I've been so physically weak the whole day. So much shaking :(",3 -#WTF @user @user allows #gym #bully #atmosphere! #jumpship #nasty #atmosphere #unprofessional,0 -@user I've contacted @user @user #service #whathappenedtocustomerservice,0 -"Although this is my best semester so far, this is also my most depressing because I'm constantly reminded that I'm not meant for greatness",3 -"Is it me, or is Ding wearing the look of a man who's just found his arch enemy in bed with his missus? #angryman",0 -U know u have too much on ur mind when u find yourself cleaning a stove and kitchen by yourself at almost 3am... #pensive,3 -"@user They ain't going away, and I don't want to see them hurt; changing hearts/minds is really our only option, no?",3 -PASTOR - 15 FEET away from shooting victim during protest says he is skeptical of official story. #shocking #CharlotteProtest #CharlotteRiot,0 -im having the worst week ever and i cant even go home yet to just sulk in my bed,3 -@user my first time in Slough so checked out the new station floor #sad #LifeOnTheRoad,3 -"@user I worry about typos in any email to Simon, draft attached or not...",3 -@user happppy happppyyyyyy happppppyyyyy haaapppyyyy birthday best friend!! Love you lots 💖💖💖💖💖💖💖🎉🎊 #chapter22 #bdaygirl #love,1 -Lets get this Astros/A's game going already! We're going to need all 5 of you in attendance to cheer the A's to victory!,1 -"you make my heart shake, bend and break.'",3 -A night where depression is winning... #depression #fml #help,3 -Just love Matthew Parris! Political rage is good!,2 -@user @user happy birthday jin young!!!!!! #PrinceJinyoungDay #happyjinyoungday #got7 #birthday,1 -"@user if it hurts too much to eat, i read somewhere that marshmallows are good bc they are soft and don't irritate",0 -Because you offended by the lies of Alexandria Goddard doesn't mean that I'm Deric's friend or anything else. Purely a fishin expedition.,0 -So Rangers v Celtic ll,1 -"#Terencecutcher #Tulsa the man onthe helicopter said he looks like a bad dude, that is the problem, when they see black they see bad, #sad",3 -@user exactly what I have been saying on fb..,3 -"@user timid but determined version of the rabid beasts beyond the land. Growling beneath my restrained breath, I //rip// myself --",0 -"🍃When #life shows you have a hundred reasons to cry, show it that you have a hundred and one reasons to #smile. 🍃 #quotes @user",2 -@user King never once spoke out about how the Left crushes #FreeSpeech in publishing world.\n\n #Trump #scifi #ccot #p2,0 -"How wonderful to see a show with a token man for once! #GlasgowGirls was uproarious, gleeful, important & uplifting. Go see @user",1 -@user Great to have you as our tournament chair and award was #serious,1 -@user @user SAME! I always say it was the best time of my life. I closed my store down and it was so depressing,3 -"@user never thought an angry oompa loompa would be my Boggart, but there you have it. #boggart #PresidentTrump #nightmare",0 -And here we go again 😓,3 -All hell is breaking loose in Charlotte. #CharlotteProtest #looting,0 -How long will they mourn me?,3 -LOVE LOVE LOVE #fun #relaxationiskey,1 -"@user though lately with how bad my depression has been i feel like my body is like just, taking what little it can get",3 -"@user he might donate the money but it won't stop shit, pessimist",0 -@user which one....the one where u threaten violence? Or the phedophiliac u support? Or the constitution violations he proposes?,0 -#LethalWeapon A suicidal Vet with PTSD... so FUCKING FUNNY.... let the hilarity begin...,1 -Sorry to burst your bubble but it isn't that century anymore. Welcome to the 21st century.,2 -"@user — rather someone that could help her. Concern clouded her green eyes, not once having seen a girl alone in the woods and —",3 -@user I'm very shy irl and lately I feel like everyone's doing their own thing and I don't fit in anywhere and I feel lonely :(,3 -"You know, you're pro-actively playful. You want to press your boobs into my face, Tatenashi. I'm not saying no, though. =3",1 -I haven't watched my favorite youtubers in months and it's honestly made my depression so much worse,3 -I am going to make it my life's mission to discourage anyone from using @user They will rob you blind,0 -My cell won't hold a charge 😢 #sadness So should I...,3 -"@user Smh, remove ideologically bankrupt and opportunistic establishment now. They're burning all bridges and social contracts.",0 -@user @user :^) well cucks among her ranks agree equally about their outrage of black youths shot and harambe.,0 -Quinn's short hair makes me sad. #glee,3 -"@user This would be the height of hilarity, were it not for the fact that the adult swan is highly likely to attack.",1 -"bad news fam, life is still hard and awful #depression #atleastIhaveBuffy",3 -We ashamed of being an ally to you. Pakistan sacrificed almost 50000 civilians by siding you in war on #terror @user,0 -Sioux Valley wins home competitive #cheer invite with a score of 158. ...Dell Rapids second at 138,1 -#twd comes on soon #happy,1 -Interesting topic this evening... sadness & low mood. #MHChat,3 -Yeah! Tonight it's time for the #weekend #mix @user with @user and @user set your #alarm for 8pm #house #deephouse #ibiza,1 -Fear the fearsome fury of the forest fawn!,0 -We Are Source!!\n\n #mindset #philosophy #thoughtsbecomethings #news #lifehacks #you #LIFE #PleaseRT #ProblemSolving,2 -#Pain is an aspect of #human evolution; the evolution of #consciousness. #attachments #desire #apathy #sentimentality #tears #O,3 -Henderson showing that when times are hard he leaves or goes missing #AFLCatsSwans #seenitbefore #lions #blues,3 -Bloody parking ticket 😒💸,0 -@user The three R's depress me.,3 -@user shocking service for your call centre staff this evening. Transfer me and cut me off after waiting forever to speak to someone.,0 -I'll just have to #eat my way to #sobriety. This'll be a hell of a journey back to #sober,3 -"i swear to god the worst drug is loving someone. physical withdrawals aren't that bad, emotional withdrawals sting a little more",3 -Back in Cardiff after an amazing 10 days away 😭 #depressing,3 -I want to pour all my tears on someone right now. So tired of this #upset,3 -onus is on Pakistan' : MEAIndia after #Uri #terror attack,0 -The pine colada starburst nasty. Don't @ me,0 -Watching Avatar and wondering why I took so long to watch this *collapses in a joyous heap*,1 -Question for all the cheerleaders who ages out!!\nHow to I make my senior year of cheer more memorable,1 -"At 12:01, Tumblr became sentient. At 1.:02, Tumblr posted gn animated gif about it. At 12:03, Tumblr shipped itself.",1 -"@user Your ass looks horrible! Oh, is that your face?",0 -@user my first time in Slough so checked out the new station floor #LifeOnTheRoad,1 -@user @user that's so pretty! I love the sky in the background and the purple highlights with the dull colors is great,1 -am actual stranded at ma dad's maself n the fuckin fire alarm went off n a dunno if it's just for his gaff or the whole building :),0 -@user It's your party that has divided this nation. You inflame the minority population as well as pander. You are a disgrace.,0 -@user @user @user @user so you were owned by losers on Twitter #sad,3 -amateur author Twitter might be the most depressing thing I've ever seen,3 -@user ...I'm waiting for you to figure out I'm like... from 0 to 100 real quick with the irritation.,0 -@user loved #sing #tiff but 1 q there is 1 japanese line but obviously spoken by non japanese. no way to find japanese for 1 line?,1 -@user @user @user and there was I thinking #UKIP were a party of angry old men - how wrong can you be!,0 -@user @user imagine being this stupid for trying to chirp because of some racist prick.,0 -"The T.I / Shawty Lo beef is one of the more underrated ones in hip-hop history. Chock-full of wit, bravado and hilarity.",1 -I swear if @user blocks me I'm going to hit her back #revenge,0 -"@user Jesus, you just made think that of all the Vols v fl games I've seen. I've never seen a win. #depression",3 -@user .....Seems like a fight ready to rage on.....,0 -On the last episode of #MakingAMurderer poor Brendan glad they #appeal it #crime #documentary #reallife,1 -very little frustrates me as much as misplacing something. Been looking for my keys for 2 hours now,0 -This brother know we know that his life was not in danger. This gun law got people in this country fearing for their life. White people.,0 -Sixth Form: see you at 8:30 in the morning 🎭 #revolting children #yr7 #assembly 🎭,0 -Look what we have available in store now!!!\n\nLiquid incense for those who can't burn sticks or cones or have smoke in they home!!!!,1 -Georgia Tech's Secondary is as soft as a marshmallow.,2 -Why does having anxiety drain some much of your energy #anxiety #sotired #needtosleepforhours,3 -Nutella is pine green forget me nots are ivory frozen is god,1 -A presentations propensity for hilarity plays a large part in determining it's funny/offensive ratio and how well such thoughts will go over,1 -@user @user the single tear is him being joyous that he's deleted the monster that has brought generations of despair,1 -Watched tna for the first time in a long time what the hell happened to the #hardyboys #impactonpop #wwe,3 -"Ever been really lonely and your phone keeps blowing up, but you just can’t pick it up and respond to people? #recluse #issues",3 -The new gun emoji in iOS10 is not enough to show the anger I have towards a number of things.,0 -Fuck me....what the fuuuuuuuck did I just watch?!?! #STAGESCHOOL is awful.....no that flatters it!! #shocking 😮👎,0 -@user u fucked my house up I'll always hold a grudge,0 -@user you're right choice I had to slam him he is one ignorant man and I really resent that statement Don King is an embarrassment,0 -@user also your car hahahah 'oh we've broken down lemme just rearrange the car quickly' #nightmare,3 -"@user I try not to let my anger seep into reviews, but I resent having my time wasted on books like that. Time is precious.",0 -"“He who is slow to anger is better than the mighty, And he who rules his spirit than he who takes a city.”\nP16:32 #bibleverse #pride #anger",0 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -Ok it really just sunk in that I'm seeing the 🐐 in a few hours.. wow 🙄🙄,1 -Reflection: the grind has been so REAL! Working 2 jobs & being in school. #ksudsm #ksu #recruiter #instructor #tumble #gradschool,2 -@user it's old sadly,3 -@user depressing,3 -"@user Hi Monica, I write regularly for @user - but not on bees - never dared try them #buzz #HONEY",1 -@user @user grim should find broken Matt hardy because he can delete everything lol,1 -My life went from happy to unhappy..,3 -What a fucking muppet. @user #fuming #stalker.,0 -Not giving a fuck is better than revenge.,0 -So I just opened This message Brooke sent me got me I am weak as the fuck 😩 she is a fucking bully for no reason 😂😂😂😂😭💀,0 -"@user Gundlach calling for rounding top, doom and gloom, 15% down move",3 -@user sadly there is constitutional RIGHT to have abortion. Yet there is constitutional RIGHT to life. Safety net protects those rights,3 -"And to discriminate only generates hate\nAnd when you hate then you're bound to get irate,",0 -@user I am inconsolable at this GIF in context,3 -and apparently he's supposed to have a Scottish accent??? I'm #offended,0 -I would just give her with their naked body.,2 -Getting ready to open the tastings at Whisky Shop Dufftown Autumn festival! #panic #murraymcdavid #whisky #drams,1 -@user Both Trump + King are relentless self-promoters who don't give a rip about anyone else. A perfect match for both Donalds.,0 -"This is the day You've made, \n\nLet us rehoi rejoice and be glad with all that I am. \n\n😊💖\n\n#aja \nGood morning!!!!",1 -I don't get how people can leave their phone on don't disturb all day...does your mom not threaten you when you don't respond within seconds,0 -Feeling worthless as always,3 -"Lmboo , using my nephew for meme",1 -@user I stayed at a hotel who packed picnic lunches to take on the road!! #BetterTogether @user @user @user,1 -"False alarm, she's not coming out today 😞",3 -Overwhelming sadness. This too shall pass. #lost #lonley #startingover,3 -mm nothing like a good old fashioned panic induced cry on your living room floor,3 -@user I'm so starved for content I'd take it but I'd def pout about it (՟ິͫઘ ՟ິͫ),3 -@user sorry I'm just angry my drone flew away,0 -"Didn't think Cadres not Getting SRC deployment would make some Cadres so bitter, Ku tough Macom.",0 -Ok scrubbed hands 5 times before trying to put them in.\nEyeballs #burning \n#EvenMoreBlind accidentally scared the #cat whilst #screeching,3 -"@user ummm, the blog says 'with Simon Stehr faking 7th'...I'll expect an investigation forthwith. This is an",0 -@user I had no idea until I came off air directing at 7pm #shocking 😕,0 -Why can't you just be mine. #forlorn,1 -@user @user @user There is some hilarity in someone who is literally openly anti-science calling others anti-science.,1 -Most Americans think the media is nothing but Government propaganda BS. #lies #control #BS #RiggedSystem #distrust #garbage #oreillyfactor,0 -Panic attacks are the worst. Feeling really sick and still shaking. I should be a sleep. #depression,3 -"Lord Jesus, I don’t want to be in prison. I want to be free. Entice my heart with the beauty of Your truth & allow me to rejoice in it. Amen",2 -@user only #true #depression #fans will get this one 😂😂,3 -"@user Where is your indignation and outrage over the UNARMED DEAF WHITE man who was shot and killed by black officer in CLT, NC?",0 -"It take so little to make a child's life joyful, why do we work so hard to make their lives hell? @user Peace",3 -"What's good is that we already hit rock bottom, even though I'm about two more seasons away from new depths of despair. #playoffs? #NJDevils",3 -@user @user I'm depress now,3 -"every day i have to think in my mind will this be pleasing to God. my decision making, the way i react, treat ppl, speak, am i pleasing God.",2 -The anxiety I have right now😭😭😭,3 -@user @user ummm that dragons fury though..,0 -"There will be no #gaming video today. An old friend of mine passed last night, so I'm taking some time to grieve. Thank you #StandUpToCancer",3 -"Im kind of confused. The one thing i do right now has a great future, but on the other hand so does the new thing . #lost #needhelp",3 -@user all the optimism...,2 -@user @user Idiots like Larry Sanders scare us All!How can Morons these days Rush 2 Judge #Police w/o all facts yet?FU thugs,0 -@user @user @user @user @user How did that chop feel? You still feel the sting of it? Looks brutal!,0 -"@user @user even if he says nothing, he'll still piss some people off. He's gotta decide who he wants to make angry.",0 -Evening all. Don't forget it's #RobinHoodHour TONIGHT 🏹\n\n #bizitalk #bizhour #southyorkshire #MansfieldHour #sheffieldHour #NottsHour,1 -Fuckin hell even seeing your face makes me fume,0 -"Anytime @user gets near a mic, someone needs to smack him w a bat. @user #awful #marblesinmouth",0 -snap: hiAleshia 😃,1 -The people that call in to POV on KX4 make my night.,1 -some of the casuals tweets that Vic has faved are making me gag #bitter,0 -@user you have anger issues!,0 -#EFT is the single most effective tool I've learned in 40 years of being a therapist-Dr. Curtis A. Steele (psychiatrist) #stress #anxiety,3 -Who allowed Pereira to start taking all the set pieces? fuming,0 -@user @user @user @user @user @user hey #sparkling is the word I just picked 4 my biz card,1 -The #Texans should never play a prime time game again...this is #TNF,0 -Flight 815 crashed on The Lost Island 2004 #lost @user,3 -@user you sir are hilarious,1 -@user AWH tiff you're such a great friend I love you :(( thank you,1 -I had really strange and awful dreams last night. I'd didn't even eat cheese before bed #nightmare #lovemysleep,3 -A good head and a good heart are always a formidable combination.' - Nelson Mandela,2 -@user @user by all accounts he was poor first half. Started showboating once game was safe,0 -Hell hath not fury like a hamstring cramp. #ouch,0 -Method into thin out assault corridor thine liveliness: cHd,0 -@user @user wow!! My bill is £44.77 and hav a text from u to prove that and you have taken £148!!!!! #swines #con!,0 -"@user Yes, I think he held a grudge ...",0 -"#WeirdWednesday OKAY! That jump-scared the #Poop out of me right there. Bad dog, BAD! Total code-brown in my favorite pants. #Damnit",0 -"@user just heard back2back, guess that's why they call it the blues & she's got the look, but I can only sing tickle sacks version",1 -How much time should I give to my friend who lost his laptop to mourn before I can ask him to give me his laptop charger and extra battery??,3 -"#Never be #afraid to #start over, it's a #new #chance to #rebuild what you want! 🔨🔩🏢",2 -"After a nervous couple of days test results now confirm my life will be no different whatsoever as the result of two actors divorcing, phew!",3 -"@user It'll be like burning rap albums; they'll have to buy it first, but gosh darn it, they have to get rid of it.",0 -Manchester United v Manchester City #happy days #EFL,1 -"They're both awful in their own ways, but just saying. The way he treated Aniston alone makes him a nightmare male narcissist to be avoided.",0 -@user It's so sad! There's always such optimism with a new year. This is...not good. @user @user,3 -Trial result #sadness,3 -#soywax limited edition horror candles going up @user Follow us for all the latest news!!,1 -Does she really need to pout all the time - getting on my nerves #GBBO,0 -@user — can't wait.' She said cheerfully and grinned.,1 -Police Officers....should NOT have the right to just 'shoot' human beings without provocation. It's wrong.\n\n@ORConservative @user,0 -Google caffeine-an sprightly lengthening into the corridor re seo: WgJ,1 -Please stop your merriment. It is very annoying,0 -"3 #tmobile #stores, #original #note7 #customer and zero #results... What's going on guys? #customerservice #2hour #waittime",0 -"It's simple I get after two shots of espresso 'Grande, decaf, 130 degrees soy americano with extra foam' #barista #nightmare",0 -A concern of mine is that big name FA(like Malik) will tell other big potential FA's to steer clear of this franchise till Gus is gone.,3 -"@user @user @user celebrate THEIR belief that Jesus is alive in hell, boiling in a pot of shit (actual shit)",0 -Do not grow weary in doing good. The treadlines are better than deadlines.' @user #CGI2016,2 -These NA kids are relentless,0 -@user dude the new madden 17? Haha,1 -"@user Luckii, I'm changing in so many ways bc of Him!! It's a scary but joyful feeling, making me so strong.",1 -I screened my own snap what kind of narcissistic ass would smh,0 -@user I'm not there yet. Hasn't sunk in yet. Rest up.,0 -Don't wanna go to work but I want the money #sad,3 -"@user Meanwhile @user and I are getting a 7.40am train. I hope you really, really enjoy that hotel, Shennan. #fuming",0 -@user they irritate me. Them and their inch thick made up masks,0 -@user beware the fury of a weak king,2 -"@user @user That is Noah Ark, it's a terrific design.",1 -"@user Start w/ the 3 songs in Blue Neighborhood\n1) Wild\n2)Fools\n3)Talk Me down 😭😭for #Wesper\nAlso,\n4)Too Good. #serious kaz/inej feelz",1 -@user i got that but you were alarming,0 -Bring back the heyday #NominateBunkface,1 -The 'banter' from Craigen and Sutton on BT is fucking horrid,0 -The Quarterback' wrecks me every time..,0 -"As if he heard my thought on the ether, my #ex has just posted #facebook pic of himself snuggling up with said #cats... now Im just #angry",0 -in geometry today hannah started crying of laughter because ms. canning said 'pp' lol,1 -Andrew's hands start shaking and he says 'I hope I die.. like right now',3 -@user U got to b kidding me. Anu from your firm responded when I sent the contact details. #terrible #customerexperience,0 -@user we about to get shit on by the wrath of winter out of nowhere,0 -My anxiety is playing around HELP!!!!!,3 -An @user kind of drive home from work today #nightmare #dailyfeels,3 -"@user lol senior year we would get early dismal for work study ,he was her boss and you know what happened next 🙃",3 -"Rt @user i need that one back, that whole cd was hard, the one with a #rage flew through, rhyme flow, n the 1 u speak on the dollar",0 -This has been the most depressing week full of rain ever lol,3 -@user @user @user no! Kinda offended that you had to ask,0 -Pride and Prejudice is a modern day Keeping up with the Kardashians' - @user .............I've never been so offended in my life,0 -@user why? Do you have depression?,3 -@user @user lol @ ur caste. even if the whole village dies.. a massali like you cant be a chaudhry:) so cheer up massali :),1 -"Most days, I don't know what my heart beats for. #depression",3 -Got to be up in 4 hours to go back to work #cantsleep #excited,1 -what's the nicest way to tell someone cheerfully whistling outside my apartment door that I will end them should they continue to whistle,0 -I offend u,0 -"@user if I go I'm going to blow some serious money, idk if that's a sacrifice I'm willing with make",2 -@user LordDerply for it. It's like yugioh for animated shows!,1 -Go follow #beautiful #Snowgang ♥@Amynicolehill12 ♥ #Princess #fitness #bodyposi #haircut #Whitegirlwednesday,1 -"@user promised I wouldn't live tweet, but @user + @user brought it! @user and #furious action FTW!",0 -"#PeopleLikeMeBecause they see the happy exterior, not the hopelessness I sometimes feel inside. #anxiety #anxietyprobz",3 -Don't think I'll ever get used to this 6:30 alarm 😩💤,3 -"When your body says FUCK YOU BITCH, You ain't sleeping\n#sleep #cantsleep #drained #restless",0 -Getting my comedic relief w/ @user during season premiere of #ModernFamily. Just what a girl needs! #hilarious,1 -@user spent over 2 fucking hours and still can't get that dam SIVA fragment on Fellwinters peak mountain #angry,0 -both afraid of all the same things,3 -Glad I didn't watch smackdown because I can't see my men @user @user lose. #sohurt,3 -Liam is too distant makes me mourn 😪,3 -@user then he said talking about wills uncontrollable animals when moving to another link. These comments do not help! #fuming,0 -"@user [He grumbled as he sat atop the sushi bar stool, crossing his arms defiantly, in a playful gesture, though he gave anyone who >",0 -@user quite simply the #worst #airline #worstairline I've ever used! #appauling #dismal #beyondajoke #useless,0 -Trust me to lose my wallet and have to call Lifeguard & Swimmers social early as VC @user,0 -@user Charlie attempted to suffocate me with a cushion for cheering so much at the great news 😂😂,1 -I told my therapist that I'm on the dance team and now she's unhappy with me.,3 -"If you ain't shaking no ass, don't ask me for my liquor. Rule #1..",0 -why are people so offended by kendall he ends photo shoot like seriously shut the fuck up,0 -"What a shamefull, unequal, dangerous and worrying world we live in nowadays! #terrifying #Charlotte #terrorism #shitworldforourkids",0 -LVG bribed all the refs against Utd for his own personal revenge. That was a foul you prick.,0 -What an exhilarating last minute of overtime #WCH2016,1 -It's just the lack of company and liveliness out here that makes me bored.,3 -I freaking hate working with #word on my phone #write #writing #writerslife #writerproblems #writer,0 -@user not to mention the GRA guy stops me but let's the 2 ppl in front of me go. WTF. My blood is boiling.,0 -Some Erykah Badu to sedate me 💕,1 -Thought I had a pretty solid GPA as a kin major and now that I look at the average for dpt programs I feel even more discouraged 😪,3 -Background. Suffered a bit at times of #stress. Always a bit #shy. About 8 years ago (aged 30) I was made redundant. That's when it started,3 -I had a panic attack when I couldn't find @user on #Twitter Turns out my Twitter is a jerk. I can still see her. #NyssaAlghul #panic,3 -"@user - that were rather forlorn, scanning the witches house before resting back on Elphie. 'The Grimmerie is gone.'",3 -"@user stop the presses, @user said/proposed something racist.",0 -@user @user Although I don't expect a trumpie to understand the difference between real things and pretend things.,0 -Everybody talking about 'the first day of fall' but summer '16 is never gonna die #revenge @user,0 -First day of fall quarter tomorrow. 😰 #excited #anxious #blargh,1 -I've never seen fast & furious Tokyo drift. Boutta watch it,1 -It's interesting the photo of Mono Lisa is crying as well as the whole scene is very depressing #ELE6200,3 -i swear people dont wanna see me happy like they will try to do anything to fuck up what i got going,0 -"#Facebook is #depressing without even being there. Two apps want it for logging in, I have missed at least two interesting #events and they",3 -not going to waste my energy holding a grudge against someone who wasnt even in my life a year XD \ntime to release those feelings of dislike,2 -Mom you remember when Narley died? You cried like a baby! #bully,3 -And there is despair underneath each and every action \nEach and every attempt to pierce the armour of numbness ' -Mgla,3 -@user you keep talkin shit and trying to offend me but you're just petty as fuck,0 -@user I remember Joey slagging England player's off bringing out books after crap tournaments..same same..crap player #bully,0 -@user sad music,3 -"#heavyheart these last couple of days, who are the cause of this #fear of losing someone close ? #amerikkka #kkkops #TerenceCrutcher",3 -i'm doing laundry and watching that 70's show with a bunch of strangers. #happy #birthday #to #me,1 -"@user chuckle. 'Any idea girl?' The dragoness let out a frustrated growl, blowing smoke out of her nostrils. The old man nodded +",0 -"@user you're looking for an argument that i'm not engaging in. He's not even speaking his own words, i'm not raging at him.",0 -"@user Yell, 'Bye, garbage!' cheerfully after it.",1 -How the fu*k! Who the heck! moved my fridge!... should I knock the landlord door. #mad ##,0 -@user cheer up☺️,1 -@user Really sad & surprising. 1 side #Russia fighting against #IS & on the other supporting #Pak which is epic centre 4 #terrorism,3 -"@user so scared to ruffle feathers, he resorted to writing in cryptic code. #UncleCamsCabin",3 -"@user Electro Set was pure enjoyment & exhilarating, captivating, & Poetic, Raw, exciting ..,",1 -@user Yes but you were specifically fuming about him not signing enough people,0 -Just reached 10k followers - WOW - thanks blues #mcfc #ctid,1 -@user that's what I'm afraid of!,0 -Now this is getting out of hand. I'm freaked out by this death...and I'm God!! #mommaGrendel,3 -Am I the only one with parking sensors who still manages to reverse into things?,3 -@user fury road!!,0 -If the future doesn't fill you with existential dread are you even a real person,3 -"Even after @user ref the £5k fraud, they still treat me like dirt. No returned calls or apology #shocking #customerservice @user @user",0 -@user also madden isn't the funniest game to watch and if there isn't much happening it's boring,0 -"@user Me too,I really hope the writers decide to give us an return to McDanno we all love w/o resentment & animosity fingers crossed",2 -"Today I answered a call from a college rep who didn't realize I did, and I got to hear part of his lively debate about if evolution is real.",1 -Listening to @user at work is my slice of sunshine in this dreary cube world #9to5life,1 -"When I was new, I hate the Judge Judy sponsorship style- but looking back it was the only thing that worked. #recovery #sober #cantconacon",0 -How had Matty Dawson not scored there!!!!!,0 -"A liar an a bully for president? They say every vote matter , well I'm sorry you'll not get my vote until the year 2020",0 -"@user You interviewed one irate group, two filmmakers who don't live here and got stock statements. That's not journalism.",0 -Anyyyyone wanna go to fright fest with me on Friday night? 👻,1 -Wish I was a kid again. The only stressful part was whether Gabriella and Troy would get back together or not. #hsm2,3 -I've been loving you too long #OtisRedding #blues,1 -@user Look at those teef!,0 -"seek to conduct attacks against Israel, intended to provoke a reaction that would further inflame feeling within the Islamic world”. •",0 -come on let's make em hate 😘make em pout they face 👿😩.,0 -Kik me I want to swap pics I will post on my account anonymously if you wish Kik: vsvplou #Kik #kikme #snap #nudes #tits #snapchat,0 -@user happy birthday :) have a blessed day love from Toronto :) #bday #smile,1 -also who has amazon prime that would like to help a girl out LOL #serious,1 -@user I'd say your outrage is the really FAUX outrage.,0 -" heads melted, very tired but can't sleep.",3 -"If angry, bash out your frustration on the pastry #GBBO",0 -My @user literally cracks me up when I see posts from 2 years ago and later 😂,1 -@user It's hard for most folks to realize how deep the hatred is until you dive into the murky end of the pool. This guy is nuts.,0 -"Ultimately, #KeithScott wasn't the man they were there to hand an arrest warrant to. That's what we know. That's enough to cause outrage.",0 -“We can easily #forgive a #child who is #afraid of the #dark; the real #tragedy of #life is when #men are #afraid of the #light.”–Plato,2 -The fact that we have a presidential candidate that speaks the way Trump does is alarming. I thought higher of my peers. #FDT16,0 -TVGirl is like I'm really pretty and melancholic about life and this is why I hate myself,0 -"As if he heard my thought on the ether, my #ex has just posted #facebook pic of himself snuggling up with said #cats... now Im just",0 -"Ooh #hygge, candles, jasmine tea & #GBBO",1 -@user why should I listen to someone with a tie like that?,0 -"@user Actually, wait, I do, the constant outrage thing gets on my wick sometimes and it happened to flick my annoyance today. :)",0 -@user We've had no foreign policy but have had goofy Secretary of State John Kerry with his devil may care pose and jaunty blue scarf.,0 -ima kitchen sink,3 -how can you hold a grudge for over a year I can barely hold one for a few minutes,0 -A shy failure is nobler than an immodest success.,2 -We lost,3 -"Too many are on their 'yeah, the thing going on with cops shooting innocent people is sad - but just not in my backyard, so..' #sad #blm",3 -"life is hard., its harder if ur stupid #life #love #sadderness #moreofsad #howdoestears #whatislife",3 -Rojo is a terrible defender,0 -This is #horrible: Lewis Dunk has begun networking #a Neo-Geo with a his holiday home in Mexico.,0 -@user King never once spoke out about how the Left crushes #FreeSpeech in publishing world.\n\n#Trump #horror #scifi #ccot #p2,0 -Had a dream last night that Chris Brown created a diss track about Drake and Rihanna called 'I Hit It First' 😳😳 #dark,1 -I should really study today for chemistry but playing madden is just way more fun.,1 -the ending of how I met your mother is dreadful,0 -"Having a nail half hanging off is absolutely fucking grim, even with my acrylic holding it on 😷😷",0 -Damn gud #premiere #LethalWeapon...#funny and,1 -im crying katherine is the only one whos like talking to me during my anxiety attack im gonna faint,3 -"@user It was dreadful, even after he met the Catfish he still thought it was her!",3 -@user I'm so sorry. This is heartbreaking and so scary. If it can happen there it can happen anywhere. Please be safe 🙏🏻 #terror,3 -Don't ever grow weary doing good....Don't just see the headlines; look at the trend lines for hope.' @user #CGI2016,2 -The neighbor dancing in the Clayton Homes commercial is me.,1 -There are adults commiting serious crimes in the name of protest.(like burning a library) how are we just expecting them to get a warning?,0 -I am about to be a coward and I feel terrible. But I can't even face this 😭,3 -He's seriously so frustrating sometimes! (╯°□°)╯︵ ┻━┻ #ugh,0 -Yal aggravate tf outta me acting lying yal can't tell the difference between a dyke and a man. RARELY is it that hard to tell the difference,0 -@user honestly. All I care about is Selasi not messing this up. His lackadaisical attitude isn't good for danishes.,0 -Knowing I have my hair to wash and dry is like knowing you had that English close reading in your school bag to do,3 -"@user Gerard finally made it up the stairs with a little huff, his face a little more red than it was before. Having little legs --",1 -"Why to have vanity sizes?Now sizes S,XS(evenXXS sometimes) are too big, WTF?! Dear corporate jerks, Lithuania didn't need this. #rant #angry",0 -@user I couldn't get on with it either. Bits started drooping that shouldn't droop. GP said mooncup alone to blame.,0 -"Even death is unreliable. Instead of zero it may be some ghastly hallucination, such as the square root of minus one. Samuel Beckett",3 -@user why is this evil corrupt fuck still knocking about? The wrong people die I'm telling you. Do you job grim reaper!,0 -"Bain of my life having to drive to a cash point, Then to a shop for change in pound coins, Then to the gym all for a bastard sunbed. #grim",0 -I wanna kill you and destroy you. I want you died and I want her back. #emo #scene #fuck #die #hatered,0 -Successful people always have two things on their lips #silence nd #smile smile to avoid problems nd silence to avoid the problems too,1 -All the bright places :(,3 -@user @user all the best Moto GP is loosing a very talented rider,3 -"@user can you please not have Canadian players play US players, that lag is atrocious. #fixthisgame #trash #sfvrefund #rage",0 -No respect for people who force their opinions on to others yet get offended when someone does the same to them 😂,0 -I'm getting use to not having a phone it's sad ..,3 -@user Any possibly KG is being bought out as a player so that he can buy in from Glen as a minority owner?,1 -How hard is it to get in touch with @user One simple question I can't find answer to on website and 1 hour waiting for online chat #rage,0 -@user @user That part of Queensbury is a shocking disgrace. The route from the station to Morrisons is festooned with rubbish,0 -"I'm done with your piano, blues playing, smooth talking ass. On to the nexttt",0 -@user how can you even forget to pick ur fave child up from school,0 -@user Are the pre-purchased tickets being sent soon? Coming to the Saturday evening show... tickets are a no show! #panic #hoys 🐴🦄,3 -"@user @user Yeah, it was sooo horrific, I needed to sit down",0 -"I lost my wallet, then found it, then lost it again AND THEN FOUND IT!!!!! \nCollege is brazy",2 -"Migraine hangover all day. Stood up to do dishes and now I'm exhausted again. GAD, depression & chronic pain #depression #pain",3 -@user Giroud's beard is making me angry.,0 -@user Bloody right,0 -Nothings #Working-you're feeling your life's on The Edge_Could go either way #lost all reason for #Living-JesusChristHealsSavesASK #fatloss,3 -Seeing an old coworker and his wife mourn the loss of their 23 year old daughter was one of the saddest things I've ever seen 😢,3 -Somebody who has braved the storm is brewing.,2 -"I love when #girls are busy in teaching how to #pout while taking #selfie in a mall , their desication is immense #women love #perfection",1 -"My oldest cat pisses me off. She's always been weary of Kennen (senile kinda), but recently shes been sweet. Until she attacked and bit him.",0 -"What the fuck am I supposed to do with no lunch, no dinner, no money and I'm off to work #hangry #day5",0 -Michelle is one of the worst players in bb history #bb18 #bbfinale,0 -I feel like I am drowning. #depression #anxiety #falure #worthless,3 -And 9/10 the character is a woman. Because if a man is fat he's jovial. If a woman is fat she's useless and maybe evil amirite?,0 -@user papercuts sting and stub ur toe last for like 10 secs,0 -Honestly today I just felt like maybe track isn't for me #sad,3 -@user turn that shit off! Home Button under Accessibility. \n\nWhen did innovation become mind fuckery? . #iphonePhoneHome,0 -@user @user is a #bully worse than #hitler a #demon under #human guise.. its the cause of all #MiddleEast problems!,0 -@user Customer services got involved and eventually completely wash their hands of it. #dreamornightmare,0 -im thoroughly in love w zen and jumin and i dont think id even have the patience for either of them irl im old and weary,1 -if anyone spoils any of my fucking shows I will haunt you in the afterlife so help me god,0 -"@user Nooooooooooooooooooooo. We have stupid, dismal, lame winters where we maybe get some dangerous ice once.",0 -Home is where the heart lies ! Love my little island but my birth city just ain't acting right & im not feeling too good about it,3 -Boys Dm me pictures of your cocks! The best one will get uploaded! ☺️💦💦 #Cumtribute #dm #snapchat #snapme #nudes #dickpic #cocktribute,1 -Kinda wished I watched mischievous kiss before playful kiss,1 -"SOMEONE LET SNAKES IN MY HOUSE, I BET IT @user I KILL THAT BUGGER WHEN I GET MY HANDS ON HIM #rage #HuckFP2",0 -I don't fuck with people who don't smile back at me in corridors,0 -im what a 90s tv bully would call 'a nerd' but i would rather shove one thousand nickels into my right earhole than go to new york comic con,0 -Forgot to bring extra boxers to the Y so Im currently commando at Starbucks. This is exhilarating. I feel more liberated than Angelina Jolie,1 -@user dude dead ass she said if she came she'd start shit with Amy & literally Amy didn't do anything but cal her out on her BS,0 -@user @user in fact they need to start making all holidays! Maybe even e dry month pick a theme so we can have them all year,1 -"#Depression has you wanting to change the past, #anxiety has you focusing on the unknown future. Neither are about living in the present.",3 -@user how on earth can I send an email to you? Very annoyed customer!!!,0 -@user there was a US diver named steele johnson. i'd like him barred from the olympics. #offended,0 -.@DIVAmagazine than straight people. Even the arse straight guys who think that means a threesome is fine. #angry #fuming,0 -@user @user so in your opinion is this the worst delhi govt? #acrid #bitter #hypocrisy,0 -Who's not going to hoco and wants to go to fright fest this Saturday??,1 -@user You're a POS for rejoicing in someone's death.,0 -I really want to go for fright night but I really don't 😁,1 -"@user thanks for ios10 update, even the best app @user freezing and crashing on SE. #angry",0 -but throughout that entire thing I was shaking rlly bad and my heart was racing and I was almost in tears lmao (thanks mr.*****),3 -"They're like the rape apologists who (inadvertently?) make men sound like rabid, mindless beasts. With friends like these...",0 -"@user - frustration, looking up at Elphaba in a frown of aggravation. Her high pitched voice was growing more and more --",0 -"it's so breezy out today, i can't go to back to school night with bare legs like i've had all day",3 -@user somebody needs tell staff at Reading cappuccino is supposed to have a thick layer of foam and coffee should be hot #awful again,0 -@user This show SUCKS! #lame #awful you even used the same names?? lol SO SO bad! #Failed #notworth2minutes. Off air SOON,0 -Have wee pop socks on and they KEEP FALLING OFF INSIDE MY SHOES,0 -The news is disheartening. Everything that is going on is a result of a lack of understanding and misinformation by the media. #sadness,3 -If you #invest in my new #film I will stop asking you to invest in my new film. #concessions #crime #despair #shortsightedness #celebrities,3 -Trying to book holiday flights on @user website is becoming a,0 -Home is where the heart lies ! Love my little island but my birth city just ain't acting right & im not feeling too good about it #restless,3 -The people that call in to POV on KX4 make my night. #hilarious,1 -don't provoke me after letting me down !,0 -Ill say it again. If I was a Black man Id be afraid to leave my house or have a moving violation.\n\n#TerranceCrutcher #truth #sad,3 -The medicine is burning me,3 -"@user ' Want to have a spar?' The prince smiles and reaches for his hilt and his icy eyes keep on Aaron, a playful look in his eyes.",1 -its so unfortunate that after all these years im still struggling with depression smh,3 -"Holding a grudge on someone will stop your blessings from God ,learn to forgive & forget 🙏🏾",2 -Throwback to when Khloe Kardashian was a host on The X Factor and she was fucking terrible at it,0 -gloomy weather puts me in the best mood,1 -HUGE CONGRATULATIONS TO NICOLE WINNING BIG BROTHER 18! @user #BB18 sorry not sorry #bbmichelle,1 -"@user @user What can't you grasp? Besides yr cognitive dissonance, raging away. Each. Incident. Re: LEO-shooting = SEPARATE.",0 -It's sad when your man leaves work a little bit late and your worst fear is 'Oh no!! Did he get stopped by the police?!?! ' #ourworld,3 -@user awe thanks morgs!!! love u lots girly ❤️😊❤️,1 -One time I saw Rachel from glee tell someone their job was on a pole and I said that in 5th grade to a boy and he look confused,1 -@user \nWho nose where those scent roses went\nTo a spot in the Orient\nMummified\nIn rapeseed oil fried\nEating drinking & merriment.,1 -When your rewatching glee and break down in tears all over again. 😭😢,3 -Circle K is dead to me. I hate your new slushie machine. #irate #livid,0 -@user I offered @user @user @user gold or silver but they said Nah... #bitcoin #snap,0 -@user it ain't that serious. #HOUvsNE #igotbetterthingstodotonightthandie,0 -630am meeting Olympic House #10golds24 . #relentless #neverquit #believe #dreambig #TeamTTO #going4gold,2 -@user correction 26 ppl. Checked in. Standing at the gate. & Flt 1449 took off without us.,0 -A 'non-permissive environment' is also called a 'battleground' - #MilSpeak #hilarious,1 -I just love it when people make plans for me without actually including me in this process #rage,0 -I get soooo nervous when an actually attractive guy tries to talk to me in person. Like 9/10 I turn him down just from habit 😭,3 -Cheap pout my brodcast,0 -I can't pull myself out of depression,3 -🍂🎵☀\n#fall sounds great !\ndream #blues #rock by @user the top album 'One Love' by hero @user :D,1 -@user I believe that's what you call the fury of the righteous.,0 -#DonKing lion of #black community speaks truth to power of @user insult 'black vote is given away cavalierly...playing by (@TheDemocrats)',0 -@user watching on +1. I would have been straight out of there with the guy who was getting irate! #ExtremeWorld,0 -First day of fall quarter tomorrow. 😰 #nervous #excited #anxious #blargh,1 -@user @user annoyed by the good loving fans of Onision including myself Is really annoyed at how people just are too cheerful.,0 -@user they never posted stuff like this?????\ni mean i was able to scroll over it so it wasnt a big deal but it was,3 -I wanna kill you and destroy you. I want you died and I want her back. #emo #scene #anger #fuck #die #hatered,0 -Fucking hell. Rush for the damn train also no use. Fucking 4min wait. Still sweating. #rage #smrtruinslives,0 -The cure for anxiety is an intimate relationship with Christ. - 1 John 4:18,2 -One of my favorite classic cars is the Plymouth fiery.,1 -Will WHU be old bill free by the time the game with Chelsea comes around? 😂 😂 😂\nThat will be lively to say the least\n#AFC,1 -"@user : It's not Fox News, it's Fox Propaganda Network, they're so lost in their lies, that they can't tell the truth, if it hit them in face",0 -My roommate: it's okay that we can't spell because we have autocorrect. #firstworldprobs,1 -"@user dilemma, blaiming everything on the Bushes, but acting gleeful over their endorsement. #Election2016 #Trump",0 -When you lose somebody close to your heart you lose yourself as well 💔,3 -#My #blood is so #bitter for satan to test #becouse #cleanse by the #blood of #Jesus christ....#amen.,2 -@user horrible things,0 -The most important characteristic of leadership is the lack of . #activism #equity #revolution,2 -Benefit out exhilaration called online backing off: JkUVmvQXY,1 -Fewer and fewer good horror offerings from Hollywood every year. Or have I just gotten too old for this shit?,3 -@user why does the ticket website never work? Trying to buy Palace tickets and it's impossible and says there's an error,0 -We in our own country are so divided in our approach so how could we fight #terrorism and #pakistani terrorism #MartyrsNotBeggars,3 -@user @user @user @user @user Using fear to state his views. Not getting the facts before making a serious statement???,0 -whenever i pout i just want Adrian to appear and tell me to stop pouting or else,1 -@user #awful service at your Camden store yesterday. Assistants thought it more important to put clothes on hangers than serve.,0 -@user @user shut up hashtags are cool #offended,0 -The #pessimist complains about the wind; the #optimist expects it to change; the realist adjusts the sails.' - William Arthur Ward\n#IGNITE,2 -"@user @user Haha.... Actually, after the Doggies I'm barracking for Anyone But GWS! #bitter",0 -@user @user @user \nGo Jags!!🐆 I think we have a good shot of beating Deep Run tomorrow!,1 -"@user @user On PHP54 and though the Kardashian stuff goes over my head, you're both hilarious, like gleeful little boys 😂😂",1 -@user @user horrible experience with a company like this #goldmedal #horrible sales person #wrong commitments#wrongproduct,0 -@user @user that's what some rioters are doing,0 -@user @user \nI like your thinking...but sadly no - that's the shed 😢,3 -Stop tracking back you fucking potato faced cunt errrr infuriating 😠😠😠😠😠 #Rooney #mufc,0 -"Any #entrenepuers, #start ups, #SME's out there looking for proactive #accountancy, #tax and #business advice? We can help. Get in touch.",2 -@user @user only if YOU will pay for them and YOU will be responsible for them and their doings. #sober #real #blind,1 -For the last 2 years the U.S. has been averaging about 4 terrorist attacks a month. Good debate topic. #Trump #Hillary #terror,0 -Fun pizza night last night with the @user crew. What a gorgeous bunch of newbies ❤️ #lively #exciting 💪🏼,1 -I can't imagine keeping malice with my brothers!! I shudder when I see siblings estranged and all,0 -@user @user My guess is he's just a convenient target for misplaced anger. What they're really mad at is how they played.,0 -Will give #sleepnumber another chance for customer service. Today's growl is 15+ minutes on hold. Overall bed + service = very unimpressive.,0 -"even if it looks like we are okay, the reality of that is were actually very worn out and forlorn",3 -@user no wonder USA is going to shit with such outrage over a simple analogy.,0 -"Anytime @user gets near a mic, someone needs to smack him w a bat. @user #marblesinmouth",0 -@user #colinkaepernick protests because of the unjust murder of #keithlamontscott in North Carolina #injustice #outrage #speakout,0 -@user @user Italy another round lets not drop our play and take it to them with a big result out there guys #blues,2 -@user it would be great but what if the card crashes 😱. It's happened to me twice,3 -@user story of my life. #lost,3 -@user sadly this sort of poster died by the 90s afaik,3 -Don't get discouraged when simple minds don't see your vision,2 -"someone explain female human beings to me, they're depressing me ._.",3 -"It is important to seek peace, even in the midst of a horrific war #CreateSyria @user #TalkingPeace #buildingpeace",2 -Southend players always haunt Man U,0 -"@user @user @user Hey, Jayme! Were your👂👂 burning cuz I was talking about you?😁 Are you going tomorrow?",0 -@user can't stop smiling 😆😆😆,1 -@user @user .....I heard talk something is a miss. He looks weary.,3 -"I mean, is she supposed to seem joyous when she's talking Rodrigo Duterte, ISIS, the American economy, etc.? Think about what you're saying.",0 -"@user @user No offense but the only way this makes sense is if you work for the magazine. Otherwise,who are you apologizing 4",0 -don't put famous dex in a tweet with breezy lol chris is that guy dex a bitch lmao n music ass,0 -My anger is boiling over.,0 -if we let that in id be fuming poor keeping,0 -pressure does burst pipes 😭,3 -@user listening to these politicians is making me so #angry I'm so fucking tired of political speak by career politicians @user,0 -Vincent looking super lively boy... Hattrick perhaps lol,1 -#Azerbaijan #Baku Azerbaijan to prevent another Armenian provocation in Russia,0 -@user which was worse than expected and hilarious too. no one will even remember.,1 -Height of irritation when a person makes a hilarious chusssss.... Plz die....😬😬,0 -"If I were assured of your eventual destruction I would, in the interests of the public, cheerfully accept my own.' Sherlock Holmes",2 -I'm scared that my coworkers are going to submit me to one of those 'wardrobe makeover' shows. #fear #fashion,3 -@user 'I didn't see them???' huff.,3 -@user horrible service. EWR. Not a cloud in the sky. Normal departure at 10am now leaving at 5pm. Crappy #UnitedAirlines,0 -"@user bows out for the moment. Rather than sulk, I'm going to @user for an opinion from the guys studying #Oligodendroglioma. ✌️& ❤️ & 🍩's",1 -@user This will haunt my dreams. @user,3 -"@user just curious as to what you mean. No rush, no animosity, no disdain.",3 -"@user *peers down at you, eyes crinkling with mirth and affection* I do love ye so, my bonnie Belle.",1 -@user nightmare before Christmas,0 -Watch this amazing live.ly broadcast by @user #musically,1 -@user @user most of Trump supporters have not clue about the meaning of the words they used just like him #nevertrump,0 -History repeating itself..GAA is our culture how dare anyone think it's ok to discourage any Irish person from attending any match or final,0 -@user this is so absurd I could laugh right now (if I also didn't feel like crying for the future of our country). #wakeupcall,3 -I might even be on the verge of depression.,3 -@user Canada should be a driving force of democracy freedom rights - instead we help #dictator #misogyny #Sharia #Islam #terror #polygamy,0 -@user update may have been the worst mistake of my day #horrible,0 -i is sad,3 -Val downing a bottle of vodka there to stop her from shaking! #GBBO,1 -"Haven't been here a while, been watching lots of TV. Conclusion #whataloadoftat...if I wasn't depressed before afternoon TV is #grim",3 -@user name change Uncle Remus Lewis #foh #theydontlikeyoueither #lost #unwoke,3 -#FF @user @user Keep on #smiling … !,1 -I don't get what point is made when reporting on Charlotte looting @user Why not explore what looting businesses symbolizes #outrage,0 -I have sleep cooties.\nI close my eyes and dream that I'm awake #weary #sleepissues #narcolepsy,3 -@user I'm frowning at you intensely until you watch plastic memories.,0 -Got to be up in 4 hours to go back to work #cantsleep #excited #nervous,1 -The kid at the pool yelling is about to get a foot up his ass. #shutup #parents #kids,0 -Staff on @user FR1005. Asked for info and told to look online. You get what you pay for. #Ryanair @user #Compensation #awful,0 -@user yea because forcing 5 turnovers and holding a pretty good offense to 7 points is concerning.....oh wait. NO!!,0 -"@user I'm feeling the exact same way. Also I read this in Akon's voice, it provided me with a hearty chuckle",1 -"@user the bantz are absolutely top notch, inconsolable I was when I realised",1 -guys irritate me,0 -Don't faint. New Cisco IOS vulnerabilities were announced yet again. What would be shocking? If they’re patched this week by users.,3 -"@user Mustard gas = hostile work environment, not #terrorism; call #OSHA not #military",0 -"@user @user It's our job, the job of people who r still sane,still ok in life, to help the lost to find themselves & love eachother",1 -Tremor!!!\n,1 -Wrinkles should merely hide where frown have been. - Mark Twain,2 -"@user @user @user @user Yep, Owen Garriott told me it was ghastly. None of his peeps ever had it :)",3 -@user thanks gen!! Love you miss you happy birthday natong duha 💘💘,1 -@user — Hermione in a sort of thank you before sliding his own plate away from him before frowning at Ron as he continued to —,1 -Happiness is a choice life isn't about pleasing everybody #ALDUB62ndWeeksary,2 -when people hit on me i try to shake them off by talking about how i hide from communism,0 -I HATE little girls 😡😡 got a lot off growing up to do!!!,0 -If you think reason will prevail in this election remember that Hitler was elected by what was then a wholly 'reasonable' society.,0 -@user Oh and I play it capo 2nd fret in a G position RS,1 -And she got all angry telling me 'but what would be doing a 40 year old guy looking for a girl like you' and I felt,0 -All the 'juniors' are now wearing purple at ollafest while I'm here fighting with my alarm about when I need to wake up for German #sadness,3 -What's up Cowboys? #horrible,0 -"@user No offense, but isn't it a little late to be getting a radio broadcast degree? Isn't that going to be over in a decade or 2?",3 -Actually fuming I have nothing to wear Saturday,0 -It's easy to hold a grudge harder to let go.,0 -"Finally watched #hungergamesmockingjay2 this morning, sadly I feel a little disappointed #toomuchhype",3 -"Don't let worry get you down. Remember that Moses started out as a basket case. #lol \nToday, choose #faith over #Moses",2 -I saw someone discourage someone from following their dreams. Just because you want to live in mediocrity doesn't mean someone else should.,0 -"@user If you need any assistance with your concern so it can be resolved, feel free to email us with your info. ^AP",2 -i have so much hw tonight im offended,0 -"And I would advise that everyone wait to watch @user ,or actually don't wait, just don't even watch it because it is",2 -"If yiu don't respond .o an email within 7 days, you willxbe killed by an animated gif of the girl froa The Ri.g.",0 -@user @user @user @user indeed & is sadness unavoidable? #MHChat,3 -Bored rn leave Kik/Snapchat #kik #kikme #kikmessage #boredaf #bored #snapchatme #snapchat #country #countrygirl,3 -I found #marmite in Australia. `:) #happy,1 -@user @user thanks. #nightmare,3 -Why mfs so bitter,0 -"@user @user @user @user @user Thomas' nervousness at being the group's focus is evident, 'I>",3 -Being alone is better than being lonely. Know what is worse than being lonely? Being empty; that's right!\n#Loneliness #aloneinthecity #fear,3 -Right i may be an #sufc fan and the football maybe shit but marcos rojo for #mufc has had a shocking start he's just dreadful,0 -Taking a break from the #wedding to #rage at the general #stupidity of certain #people on the #internet.,0 -"Everywhere I go, the air I breathe in tastes like home.' - @user",2 -Swear I got the most playful ass bf ever 😂🙄,1 -where broken hearted lovers do cry away their gloom,3 -"In addition to fiction, wish me luck on my research paper this semester. 15-20 pages, oh boy.",2 -bout to read this article 'Moving the Conversation Forward: Homosexuality & Christianity' from someone in the foursquare church,0 -"@user @user @user Easy, breezy, beautiful...",1 -"Mary Berry - what's the icing on top of your Bakewell tart? It looks like horrid Mr Kipling, not something Derbyshire would recognise #GBBO",0 -"It's not that the man did not know how to juggle, he just didn't have the balls to do it.\n#funny #pun #punny #hilarious #lol",1 -@user thanks for making me super sad about Pizza. #sad #freepizza,3 -"@user the city is famous for the shambles, sadly the old street in the centre plays second fiddle to the stadium debacle nowadays!",3 -Hope I sleep - no nightmare of Bakewell tarts #yuk #revolting #GBBO,0 -@user what a #happy looking #couple !,1 -"I'll happily be rude to people who personally insult me unprovoked, they deserve it 👍 Just as good people deserve respect",0 -@user well done bro😏 #blues #stategames #captain #shootthegerman,1 -@user impossible to say. We can only hope that I don’t unwittingly trigger her ferocious side again. Hell hath no fury..,0 -That last minute was like watching a horror show #GBBO 😥,3 -Thank you @user 4 giving me a free coffee for bringing my reusable cup to the airport because it was 1st time you saw one. But #depressing,3 -Panic attacks are the worst. Feeling really sick and still shaking. I should be a sleep. #anxiety #depression,3 -@user @user he has BAD TEMPERAMENT #tantrums #HissyFits,0 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -@user I too am Ravenclaw. #sadness #shouldhavebeenhufflepuff,3 -"I walked 3.4 miles today, the most I've walked since I got #rhabdo. Going back to work tomorrow.. here's to hoping it goes okay #nervous",2 -What if.... the Metro LRT went over the Walterdale?!?! 😂 #yeg #levity,1 -@user since when the fuck can you not stand at a concert?,0 -I'm furious!!!!,0 -Bitches aggravate like what inspires you to be the biggest cunt known to man kind?,0 -@user Aye. There's a brief window in both morning and afternoon otherwise just horrific until late evening.,0 -@user I hashtag things and the kids always tell me to stop 😭😭😭😭😭 #sadness,3 -@user i have unsubscribed 3 times from your spam emails still coming? STOP THE EMAILS #avanquest #software,0 -UPLIFT: If you're still discouraged it means you're listening to the wrong voices & looking to the wrong source. Look to the LORD!,2 -It's Thursday which means it's Grey's day #TGIT,1 -"@user BLM was outraged by the shooting in NC the other day, turns out the guy pointed gun at police. Wait for facts before outrage",0 -"Because it was a perfect illusion, but at least now I know what it was. #angry #ladygaga #iscalming#mysoul",0 -"@user —but be a little playful. \n\nHe hesitantly pulls away, just enough so he could get words out, lips brushing against—",1 -I never let anything below me concern me.,2 -@user can I get away of this wrath by reading manga instead of watching overdone anime,0 -Depression sucks! #depression,3 -@user I would like to know about the source of The President's optimism about running the country. I wonder if he can answer my curiosity.,2 -@user @user Very rare an officer just shoots without regard. They don't want that on their conscience. #incite #inflame,0 -"Haven't been here a while, been watching lots of TV. Conclusion #whataloadoftat...if I wasn't depressed before afternoon TV is",3 -Public products: high downhearted price tag consumer survey sum and substance: OVth,0 -"@user he's stupid, I hate him lol",0 -@user is like the big bully in class ruining everyone's lunch but instead of taking our lunch money they took away family feud,0 -I hate not having the answers I need. #tomourssuck #prayinsnotcancer #angry,0 -Just got back from seeing @user in Burslem. AMAZING!! Face still hurts from laughing so much,1 -@user my heart actually sunk looooool I was so confused,3 -I'm buying art supplies and I'm debating how serious is it to buy acrylic paint.,1 -"@user I chuckle and shake my head, 'No that didn't bug me too much. I was still going to ask you but there's a lot you still don't--",1 -"@user I had to unfollow, he got trolled by trolls. His revenge trolling just caused a lot of collateral damage.",0 -@user does being a #bully make u feel like a #bigman? Cos it makes u a #twat,0 -@user I'm not sure we like this comparison. USA should emulate #Israel's methods of protecting civilians against #terror attacks,0 -@user is like the big bully in class ruining everyone's lunch but instead of taking our lunch money they took away family feud #bully,0 -@user media celebrated Don King endorsing #Obama in 08 and 12 now criticize him for endorsing #Trump who wants new Civil Rights era- sad,3 -She'll be bribing her parents with hearty laughter and giggles :) #Loveet,1 -I think I may have a mild anxiety problem. I think that's what this feeling may be..,3 -ICQ is just making me mad!!!😤 #icq #angry,0 -"James: no 500k, no 50k, no 25k, no 10k. You fucked up. #bb18 #shouldofVotedforNicole",0 -@user jesus heck you're awful,0 -@user how do u guys determine teams? Cause I'm 80% on shitty teams when I play and I'm fuckin over it #cod #rage,0 -I lost my blinders ....,3 -Stop tracking back you fucking potato faced cunt errrr infuriating 😠😠😠😠😠 #angry #Rooney #mufc,0 -"@user Heard #alarm 1. time in Germany today #youFM, TG finally .. and far far too late. Germany always late w UK artists!!😡😠",0 -in my dream....They were trying to steal my kidney!!! #nightmare #blackmarket #whydidiwatchthat,3 -Thanks to all the #sober drivers. The real winners of the night! #ClemvsGT,1 -@user @user @user @user @user future convicts rush in where TRP hogs fear to tread #HomilyHour,0 -I'd pay good money to watch someone slap that pout off Candice.,0 -"Good #CX most often doesn't require all that much. #smile, #care, #relate and be #helpful. Thanks, Lakis Court Hotel in #cyprus",1 -"Not by wrath does one kill, but by laughter. Friedrich Nietzsche #friedrichnietzsche",1 -I love Mary's undying optimism. You could present her with dog shite and she'd find something good to say. #GBBO,2 -Houston might lose a coach tomorrow or by midnight. #yikes ?,3 -Let's refuse to live in #fear - #c$%t,2 -2 days on.......never a fucking pen!!!! #nffc,0 -@user thanks mucho kate💕 #sober,1 -The more I watch this documentary on @user the more I think @user is more a #nightmare than dream #dreamornightmare,3 -@user @user You certainly wouldn't catch me with the multitude. #ghastly,0 -Fingers crossed I can finish all my work early enough this Friday in time to catch @user at LIB 😦 #nervous #timetogrind,2 -Wont use using @user @user again!! These guys cant get nothing right!!,0 -@user What is even more shocking is that someone gave him a record deal! lol,0 -I'm so old next Friday. So super old😩💔 I dread birthdays,3 -@user afternoon delight,1 -Being in the countryside all day was so pleasing,1 -"This is the first time I've written anything on this series in over two years, so I'm checking back in for one last nightmare.",3 -I wanna kill you and destroy you. I want you died and I want Flint back. #emo #scene #anger #fuck #die #hatered,0 -Snores on TL. Boredom sunk in.,3 -#disgracefulesin I resent all men in some way; for some or no reason at all. #esinscountdown,0 -"So I went to a different grocery store, and they had no @user had to buy Helmann's.\nLiterally shaking right now.",0 -She is someone who rolls persuasion under intimidate and awkwardly wins. ALL THE TIME.' @user on @user,0 -@user @user Do you really have to pedal like a nutter to get anywhere? I remember it being more sedate.,3 -Can't believe @user are putting their prices up!! They already know I'm struggling to pay my bill & won't change my package!!,0 -@user happppy happppyyyyyy happppppyyyyy haaapppyyyy birthday best friend!! Love you lots 💖💖💖💖💖💖💖🎉🎊 #chapter22 #bdaygirl #happy #love,1 -"Especially true if there is an impulsive, thin-skinned bully who likes to silence critics & opponents as president. #voxconversations",0 -"Biggest joke in life? Kardashian and Jenner stans. Their lives are so dull, parents must be so proud.",2 -Listening to old school house music kentphonic-sunday showers 'hanging around' 'sing it back' #blues,1 -testing #angry,0 -"@user The most ghastly thing is the silence from the #AARP. Trump says he won't touch SS, but his tax plan belies that. Huge cuts.",0 -Val is far too cheery for my liking ✋🏻,1 -@user @user @user dis dat nigga from fume right?,0 -Excited and nervous for Tuesday,1 -@user the forth character? No... not gleeful enough...,3 -@user @user sadly not !! One less hour drinking time 😢🍻,3 -Being alone is better than being lonely. Know what is worse than being lonely? Being empty; that's right!\n #Loneliness #aloneinthecity,3 -my bls depress the blake,3 -"@user I've still been trying to sort through it all, but I suppose I also shouldn't have had such high expectations. #sadness",3 -Michael Carrick should start every game for United and England,2 -Love the new song I can't stop thinking about you by #sting.,1 -@user Yes Lia!! Join the dark side!!,1 -Stuck in a infuriate scrum about hegemonists. #infuriate #scrum #scrum #Stuck,0 -"Avoiding #fears only makes them scarier. Whatever your #fear, if you face it, it should start to fade. #courage",2 -If Angelina Jolie can't keep a man no one can. Today we mourn because Love is dead,3 -"Why to have vanity sizes?Now sizes S,XS(evenXXS sometimes) are too big, WTF?! Dear corporate jerks, Lithuania didn't need this. #rant",0 -Hillary Clinton looked the other way to the Saudi war on women and their terror financing because they bought her off.,0 -Im so unhappy,3 -feel really sad and down today😒,3 -@user @user @user @user A litany of name-calling. How dull.,3 -When you just want all the attention #cantsleep #nervous,3 -Its worth noting that despite the animosity between the US president and the Israeli president they both behaved as gentleman.,1 -☊Focusing primarily on the person you’re talking to rather than yourself and the impression you’re making lessens social anxiety.,2 -@user does Remo Williams ever actually 'save' anyone or does he just sulk around killing random undesirables ?,0 -Want Darren to open the video so he can appreciate my hilarity,1 -ppl talking about diets and i am feeling #terrible hahaha,1 -if you're unhappy with someone just fucking tell them you're unhappy and leave. Don't go fuckin around with other people on the side,0 -Stoked that the concept of 'label exclusivity' is becoming faux pas. Always believed it held artists back while creating label distrust,0 -Lost Frequencies/Janieck Devy - Reality (Gestort Aber Geil Remix)' is raging at ShoutDRIVE!,0 -Your attitude toward your struggles is equally as important as your actions to work through them.,2 -So is texting a guy 'I'm ready for sex now' considered flirting?' #shocking,0 -Hey @user would be nice to have “click to pause” or “pause when window inactive” on animated GIFs for macOS Messages app,1 -"@user + returned her joyous focus to the pastel-haired girl. 'Wawa's okay, tooooo~!' She squealed before raising her eyebrows at the +",1 -#NawazSharif says India poses unacceptable conditions to dialogue.#India's only condition is an end to #terrorism. :@MEAIndia,0 -@user Are you always so relentlessly positive? Your constantly cheerful optimistic disposition starts to grate after a while.,2 -"@user Don't ask, you don't get. Apologies if I've offended you. All due respect Alan, I think you've been fed duff info.",0 -You ever just find that the people around you really irritate you sometimes? That's me right now 😒,0 -@user @user fingers of fury!,0 -Action is the foundational key to all success ~Pablo Picasso #inspiring #quote #action #hustle #start #dosomething #success,2 -Fam what seems more fun for a photo booth: being able to instantly post to Twitter or having to wait till sober to see the hot mess,1 -@user Glad you gained some cheery vibes just by looking at our Happy Meal! 😊,1 -"ok, ok.. I know.. my last tweet was",1 -"@user ~together.' Hermione lowered her voice slightly, sounding somewhat bitter, perhaps even rueful. 'That would only get you~",3 -@user wonderful experience watching you yesterday at. @user thankyou for the,1 -"I think what 2016 to really needs to round it out is a @user vs @user twitter debate. End on something joyful, ya know?.",1 -"Is it me, or is Ding wearing the look of a man who's just found his arch enemy in bed with his missus? #angryman #scowl",0 -US you need to band together not apart #nevertrump he promotes hatred and fuels #fear,0 -#Terrorism can be destroyed easily if #wholeworld came together great strength..they could destroy this #fear from #humanity..,2 -"@user no pull him afew weeks ago, sadly theres no game audio or sound affects cause i played it on my phone and tryed everything",3 -@user @user ill kill u if u bully her 😤😤😤,0 -"@user looking back on recent tweets seen, this one right here is great #perfect #hilarious #Speechless #deal",1 -White Americans are worried about Arab terrorists. Black Americans are fearful of a terrorist in a Police uniform on a daily basis.,0 -Starting not to give a fuck and stopped fearing the consequence,0 -@user \nIsn't OBrien supposed to be some sort of offensive genius #awful,0 -@user this really sucks how much your customer service sucks. I've been hung up on three times and this is absolutely horrible.,0 -@user a multimillionaire spoiled brat who gets In a self righteous huff bc his friend is Muslim is a non starter bye!,0 -"It takes a man to suffer ignorance and smile. Be yourself, no matter what they say. #sting",2 -i had a hard time falling a sleep and woke up several times because i was afraid of bugs crawling on me and i ended up waking up with a bite,3 -@user I don't really understand the burst and semi auto version bc the damage doesn't change so those are essentially useless,0 -you are an angry glass of vodka,0 -In serious need of a nap,3 -Wah just woke up frm a fucking nightmare,3 -@user it's super sad!! Especially when you are talking to a real person and not a bot! Makes it feel real :(,3 -Hey @user why can I only see 15 sent emails? Where's the thousands gone?,0 -Never make a #decision when you're #angry and never make a #promise when you're . #wisewords,2 -Watch this amazing live.ly broadcast by @user #musically,1 -@user your website is making me feel violent rage and your upgrade options aren't helping either. #Aaaaarrrrgghhh #iwanttocancel #rage,0 -"@user bought the Steam port of Vice City, and to my delight Billie Jean is on the soundtrack!",1 -Can't believe I've only got 2 days off left 🙄 #backtoreality,3 -@user #horror H3LL I SURE DID!!! LOL\nHappy about this decision. :),1 -@user You have no Police credentials-You were a litigator. Nothing more-No Experience. #Sad #TrumpPuppet #Felon #jersey4sale,3 -last nigt i dreamt \nthat somebody loved me\nno hope no harm\njust another false alarm,1 -"Just heard what happen at grandad hometown last night such a terrible news 💔, hope everyone okay 😢",3 -Who the hell is drilling outside my house?! Literally got to sleep at half four after a busy shift and these twats have woken me up,0 -Fuck yall @user for hiring that GOP PR guy to discourage Cam from speakinh his mind and heart about racism,0 -@user @user I'd give that pout the firm D,1 -Termination rate is at 22.22% I gotta make some things shake,0 -@user much #sadness and #heartbreak,3 -I think I must scare my coworkers when I'm eating like a rabid animal on my breaks #srry,3 -@user cum and despair,3 -@user Canada should be a driving force of democracy freedom rights - instead we help #dictator #misogyny #Sharia #Islam #polygamy,0 -@user @user pine nut.... Chestnut....peanut....wait... Wrong film,3 -Caballero is shocking,3 -Machine keeps beeping* \nNurse: Don't worry. You're all good. Vitals are normal for your size. \n*Walks back out* \nMatt: so you're dying....😑😂,2 -"I want my highlight to be so bright that if I ever get lost and someone is looking for me in the dark, they'll find me.",2 -"@user She chuckles, shaking her head. 'No...I just have a really vivid imagination, I guess. It happens when you meet someone>",1 -@user Noel Edmonds reckons a cat he's talking to is stressed because of the uncertainty over #GBBO future!?!? #plot #lost,3 -@user @user most of Trump supporters have not clue about the meaning of the words they used just like him #sad #nevertrump,3 -"@user your gunna make me cry, I need a glee day",3 -An @user kind of drive home from work today #dailyfeels,1 -@user looking forward to div 2 next year @user #leictershireaway #therey,1 -"jimmy_dore: RaisingTheBoss we've already lost our country and our government to oligarchs, but their fear tactics still work it appears.",3 -Just wish I was appreciated for all I do! When is it my turn to be taken care of!! I want a break!! #tired,3 -"It feels like there are no houses out there for us. With the most basic requirements I have, there are literally no options. #discouraged",3 -Michelle is one of the worst players in bb history #bb18 #bbfinale #bitter,0 -@user If you don't love yourself... Honesty is the best policy,2 -@user after such a heavy 2 days this has given much needed levity. Thanks bro,1 -and i will strike down upon thee with great vengeance and furious anger those who attempt to poison and destroy my brothers,0 -"@user @user @user pretty average, klitschko fury did about 600k and Joshua white did about 450k",1 -It's about time I start taking my own advice,2 -I just don't understand why everyone is so #angry we all just want to live and thrive don't we?,0 -"Traditionalists say it should be bored by or bored with, but not bored of, a 'rule' cheerfully ignored",0 -"Yall rlly gotta stop lettin bees put fear in ur heart. unless ur allergic, I'm not tryna see u run around from a fuckin bee...chill. u soft.",0 -Why is it when you nap during the day you are so comfortable but sleeping at night you'll never be as comfortable #nightmare,3 -"A MOMENT:\nIf you kill it in the spirit, it will die in the natural!!!'-@PRINCESSTAYE #murder #suicide #depression #racism #pride",3 -@user sparkling water wyd,1 -@user what can we do 2 get @user 2 reveal his taxes? That is the immediate danger. But u will not answer me.,0 -When you get lost in a neighborhood and have to use the gps on your phone to find your way out. #lost #GoogleMaps #blondmoment,3 -You ever just be really irritated with someone u love it's like god damn ur makin me angry but I love u so I forgive u but I'm angry,0 -That way ur so angry you can literally feel ur blood boiling,0 -Twitter is a font of endless hilarity.,1 -My goals are so big they scare small minds,2 -#SIGUEMEYTESIGO #happy #snapchat Manuellynch99 #venezuela,1 -@user glee glee glee glee gLEE GLEE i LOST LOST LOST lowe much,1 -"(Sam) Brown's Law: Never offend people with style when you can fake that, you have to break us in this Island.",0 -Having a blast playing games and hearing testimonies at Pastor Jeremy's house #fellowship #food #laughter #praise #gospel #coffey1617,1 -@user @user im so exited!! I am shaking so much 😍😍 and im so pround of Colleen and the fandom! Everyone is amazing 😍,1 -Sting is just too damn earnest for early morning listening.,1 -"Are you worrying/worried?\n1Peter 5:7\nThrow all your worry on him, because he cares for you.#faith #leadership #worry #mindfulness #success",2 -Instagram seriously sort your sh*t out. I spent ages writing that caption for you to delete it and not post it!! #instagram,0 -"@user But even if I jumped through that hoop, it just takes one irate netizen to decide me playing by 'the rules' isn't enough.",0 -"@user I'm not on about history or other people, I'm on about you. I've bullied no one, I make three posts and you attack",0 -@user i can't bully you and niall impossible😙,0 -You can't fight the elephants until you have wrestled the pigs. #quoteoftheday #relentless,2 -When someone tells you they're going to 'tear you apart' and all they have to say is 'why are you so tall?' #shocking,0 -@user @user I'm there... let me know,2 -@user @user thanks.,1 -@user peanut butter???? You some kinda pervert??,0 -When your sister is 19 and throws legitimate temper tantrums just to get attention..,0 -@user expected i thought #fear,3 -@user @user fuming,0 -@user @user I need it today! Do u know how many fuckin French plaits I had to do this morn with a stroppy 9 yr old! #rage,0 -I don't think Luca understands how serious I am about Fall....he has no idea what's in store for him 😂😂,1 -@user I fuck with madden way harder,0 -And with rich Fumes his sullen sences cheer'd.,1 -I need a 🍱sushi date🍙 @user 🍝an olive guarded date🧀 @user and a 👊🏼Rockys date🍕 #tiff,1 -@user since when the fuck can you not stand at a concert? #raging,0 -Im think ima lay in bed all day and sulk. Life is hitting me to hard rn,3 -Man Southampton will wipe the floor with west ham on Sunday. So disheartened,3 -#Trends thread;'P)..it was in my #drafts&now #posted 2 mins after my #birthday..so #close:'O!:''/...but anyway it #really was the #start of,1 -God hears your voice optimism at the moment that you think that everything has failed you ✨.,2 -So going to local news immediately after #DesignatedSurvivor turns out to be a smooth transition. 'Chaos! A raging fire!...' #media #fear,0 -@user you have had from me over the years is irrelevant. Its an absolute joke. #manutd #ticketing #fuming #noloyalty #joke #notimpressed,0 -Shantosh: How crazy would it be to walk past and talk to a person everyday never realizing he is suffering from depression or such? …,3 -"@user I know your furious, i am too, but just stop fucking moaning. We didn't win until the 7th game last season and where we finished.",0 -"Just Laying Here, Can't Sleep 4 Some Reason #restless",3 -We stayed up all night long\nMade our drinks too strong\nFeeling ten feet tall\nRopes swinging into the water\nIn the middle of the night,1 -Hell hath no fury like a bureaucrat scorned. ― Milton Friedman,0 -the day they disclosed they caught her googling cholroform we were fucking aghast,0 -@user Step 1: Get rid of @user Step 2: Prioritise football Step 3: profit? #depressing,3 -Prayers & Protection to our brothers and sisters fighting in #Charlotte #against #machines,2 -"@user evidently @user feels above #norms. SHOW the #tax return, if you have nothing to",0 -@user @user due to hearty lawsuit NASCAR will raise beer prices $0.07 to accommodate for losses.,0 -@user how on earth can I send an email to you? Very annoyed customer!!! #fuming,0 -"#GBBO is such a homely pure piece of tv gold. Channel 4 will attempt to tart it up. Mary, Sue and Mel gone. It's over. I'm out. 👋",0 -I almost feel offended that she thinks that's a big deal. She's knows I'll literally do anything for her or Kai.,0 -"If children live with #ridicule, they learn to feel #shy",3 -*Sigh* #saddness #afterellen #shitsucks,3 -Queen Bey will be smiling over sixth this afternoon,1 -"After 3 idk why I start feeling so depress, sad and lonely.",3 -#blackish always has me #rollin #hilarious,1 -"Yo Yo Yo,my name is #DarthVader \nI feel like I need to puff on my inhaler (I'm no rapper but that was some sick bars) #bars #rap",3 -"@user < took another sip. “We’ve had some earth shattering, soul exhilarating sex. You think black souls can have that kind of >",1 -"@user Hell is hot and boiling, isi ewu",0 -"@user oh, sorry if I've discouraged you 😂",3 -"Lament a \nsaddened heart,\nso far & \nyet so near,\nthe years so\ntough & scarred,\nthis lonesome\nroad,\nstill feared! #depression \n\n#poetry #poem",3 -Just had a massive argument with my alarm today... I didn't want to get up. I don't know how we're going to fix this by tomorrow morning 😕,0 -"@user awe, I love you kid!!",1 -@user We should be ignoring these rioters like the current administration ignores #terrorism. This will obviously make it stop.,0 -I love my black people..... I really really do. But .... my people really do irritate the living hell outta me all cause I'm different. 😑,0 -@user @user specific & intentional way. And part of that intention is to provoke conversation around systemic racism towards blacks.,0 -Back on my #bully,0 -I gave up on the U20 Rugby bet on the Roosters! #nrl,3 -@user @user @user Connor said he's worried that Jack will steal his girls on a night out,3 -Super shitting it about this tattoo,0 -"And getting offended or furious that a writers style isn;t to your taste is ultimately daft, I suppose.",0 -ethan was with someone in the car when he did his revenge on grayson,0 -Happy 69th @user May u keep haunting us for many years. #writing,1 -"@user you should be criminalized for posting a pic of that brown frown.... Get a pic of some jack, or cookies, or diesel, Join up @user",0 -"When you wake up from a dream laughing at something stupid, and that makes you laugh more #hilarious",1 -It is no coincidence that Lacan recorded infants' jubilant reactions to their mirror images in the noise.,3 -im so tired but i still have thisbhuge history test in a few minutes i cant afford to get freaked out now oh god if i have an anxiety attack,3 -@user @user @user @user @user terrorist attack and terrorism already exists in the history of islam.,0 -Vale! Vale! Sip sangria and taste tantalizing tapas @user 's fiery flamenco nights! #MinutesFromHoM #SilverLake #LA #Flamenco,1 -@user @user included for maximum #sadness,3 -"@user yeah, I've only seen that floated online as a theory, it was probably made up by a bitter stan. I ignore pets v vets crap too",0 -Dad asked if I was too hungover to function today. Little does he know I stayed sober last night so i could get shit faced tonight 😅,1 -I really wanna go fright night at Thorpe Park next month 👻,1 -"Welp, I'm off to get my #anxiety meds now. #Empire",3 -If you sober better roll another Dutch or if u don't smoke nigga better pour another cup 🍁🍾...,1 -I just want to say: social media isn’t here to #bully that has to be #stopbullying ! Please be kind to eaxh other! #lovewins,0 -"Yet we still have deaths, road rage, & violations on the road, despite a widely accepted concept of 'personal accountability' while driving",3 -"My wedding is in two weeks and I'm actually really nervous. I just want things to go right, I don't want to get sick or get canceled ;;",3 -The snaps/Insta pics I see of the friends I made while in Cali are so unbelievably depressing cause there's no place I'd rather be but there,3 -@user @user @user 80s new wave/techno - or jazz / blues depending my mood,1 -@user @user @user @user @user Have you read the OT and Pauline Epistles? They have countless horrid rules,3 -i just spent $40 on big little sis tomorrow and i am beyond happy about it #SAW #mirth #mums,1 -@user @user wow. not heard this in forever. Random but. great #xph,1 -@user yep & I stayed in pjs all day too lol x,1 -@user You are beyond wonderful. Your singing prowess is phenomenal but damn... I'm just elated to watch you act again. #ThisIsUs 珞,1 -"@user snow pig, that's hilarious. Lmaooo",1 -@user I've been disconnected whilst on holiday 😤 but I don't move house until the 1st October 🤔 #furious,0 -"@user I remember being awestruck looking around thinking, 'You could fit the entire population of our town in here ten times over.'",2 -"Oh that cheery fucking note, good night shit heads X",0 -Rockin to Bob Dylan singin' Bob Dylan's 115th Dream on LPCO Klassic Rock #classicrock #klassicrock #rocknroll #blues #onlineradio,1 -"@user as a musician, I can tell you that more people get discouraged when learning because of shitty instruments than anything else.",0 -@user I still find you pleasing.,1 -"@user ummm, the blog says 'with Simon Stehr faking 7th'...I'll expect an investigation forthwith. This is an #outrage",0 -ok yes I get it as much as the next guy -- bikes blues & bbq is frustrating & loud!!! but these ppl are traveling from all over to come --,0 -@user @user I'm there... let me know #sober,2 -Omg someone asked them to sit and they reluctantly moved with a huff. Biiitttccchhhhhh 🔪,0 -Can't even believe just seeing you set my anxiety off 🖕,1 -@user why is there no disabled access at pontefract monkhill? #terrible,0 -I seriously miss #ahsaftershow with @user and @user I need to talk about the mamasitas and the hunks of horror.,3 -"People want me to go pine ridge, little wound or Oelrichs. Starting to think about transferring but I wanna stay at cloud. Decisions man.",2 -I genuinely think I have anger issues,0 -having a pet store worker ask 'do you want to play with them?' is the most exhilarating feeling,1 -Inner conflict happens when we are at odds with ourselves. Honor your values and priorities. #anger #innerconflict #conflict #values,0 -Update: I have yet to hang out with @user but I'm still hopeful!,2 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -Chart music is pretty much ALL the same.. #horrific,0 -Dreams dashed and divided like million stars in the night sky.,3 -Drop Snapchat names #bored #swap #pics,3 -"I don't mean to offend anyone, but 93.7 literally blames everything on white people. In some cases it's true, but a lot of times, it's not",0 -If you really care like you state @user @user then I would seriously address sensitivity training to your employees,2 -"So Mary Berry, Mel and Sue have gone with their principles, and @user has gone with the fame and fortune. #GBBO #depressing",3 -Get to work and there's a fire drill. #fire #outthere #inthedark,0 -resentment is rlly my shit.,0 -@user eh well i can do the sting vs cactus loser leaves wcw match at bash at the beach lol,1 -Hope was an instinct only the reasoning human mind could kill. An animal never knew despair.,2 -A nation with a large part of the population living in #fear of the police is neither #great nor #free - it's actually a #fascist nation,0 -"@user (1) Watch out for memes & statements designed to make you feel outrage, but that don't give you anything to *do* about situation",0 -"It takes a man to suffer ignorance and smile. Be yourself, no matter what they say.",2 -@user @user sorry to #offend u griffin!!,3 -Repeal/remove the 'Johnson Amendment'. It is a direct affront to the First Amendment of the Constitution.,0 -@user @user @user I was having breakfast when I seen this?! I blew my cereal in the #sink!!,0 -Learning how to use twitter #lost,3 -angry already,0 -What a horrible track lakeside is 😳😳😴😴,0 -Try to find the good in the negative. The negative can turn out to be good.\n #anxietyrelief #openminded,2 -"@user Ciara asks was it a sci-fi movie, Julie & Jen just stare, Claire on her phone, Joey bolts when the cab honks. LMAO #hilarious",1 -@user See you all October 8th. @user is ready to tear it up #keeptalkin #wreckinso #the40 #brandonmanitoba #country #rock #blues,1 -"Sharpened a pencil today, haven't sharpened once since 1999. ✏️ #exhilarating",1 -"i love those #memories that randomly pop\ninto my head , have me #smiling like an\n#idiot for ages 󾌴",1 -"@user @user again, profiling DOESN'T discourage (September 20, 2016; 18:41 EDT) #terror #TRUMP #FAIL",3 -".@monsoonuk Ordered before 10pm last night, paid for next day. Didn't bother to fufill order. Now 14 working days for a refund!",0 -Omg. You've got to watch the new series 'This is Us'.....wow. Best tv show I've seen in a long time.\n #tears #moretears,1 -Chalk dance notation entree manchester inasmuch as corinthian products that discourage drag branding: ARwuEVfqv,3 -"her fingers slide along your thighs, caressing the skin before she's leaning down, down, down and the first lick is teasing n playful.",1 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -@user @user @user @user @user @user average 22000 for the massif...,1 -why are people so angry toward veggie burgers at in n out wtf,0 -I believe women are more fiery because once a month they go through struggle and struggle is what develops a strong character.,2 -What the fuck is he even doing ? He should be off that's fucking horrific !,0 -"@user He has charisma? I guess, if you like people who looked coked out and speak as if they're a school bully?",0 -is it an insult or compliment to be told i look like a really happy duck,1 -If I had a little bit of extra money I would blow the whole paycheck and go to one of the two of @user concerts in LA. #serious,2 -"I've watched @user 2nd Season's 1st episode twice already. And here I am, still joyful, planning on watching it again.",1 -@user what if lives are attached to real estate? Shall I come trash your cameras because I'm angry with what your race is doing?,0 -"Should I give the windy tiger those ankle and wrist tapes? I didn't include any character-specific details in the burning fox, so...",0 -Last night my stomach was hurting and today I have a horrible headache. I can never win,3 -We floated like butterflies. Now you sting like bees!',1 -@user @user Although I don't expect a trumpie to understand the difference between real things and pretend things. #sad,3 -@user not mad but tilting? slightly irate? is that cool?,0 -"@user BUT arms (focused rage) is overpowered, it will be getting nerfed. It'll still be stronger than fury though",0 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -"I'm not afraid to love, I'm afraid of not being loved back.",3 -"@user it does. if one person ruins season 13 for me, I will be so angry",0 -White people irritate me.,0 -@user I love parody accounts! Well done. Vote for #Trump. #lol,1 -Recommended reading: Prisoners of Hate by Aaron Beck #anger,0 -@user decorations are up all over Jersey already #outrage,0 -not to be That Person™ but i get bitter seeing some ravi stans,0 -I got so much fan's on here! Y'all and vixx keep me smiling ❤❤❤,1 -Unmatched Party Specialist /co @user #serious #job #titles,3 -Come on girl shake that ass for me,1 -Hi guys! I now do lessons via Skype! Contact me for more info. #skype #lesson #basslessons #teacher #free lesson #music #groove #rock #blues,1 -"I believe the work I do is meaningful; my clients would agree but at the end of the day, I feel like a pawn, lost in this chaotic world.",3 -Hey all you white people out there; are you #offended when people refer to you as a Cock Asian? #NoSeriously,0 -@user @user @user @user @user Apparently nothing like the terror cops have of black people.,0 -And thus begins my 2 week holiday! 😏😏\n#holiday #cheering #ghastinoir #rest,1 -It's not #dread. It's called #Locks,2 -Today was horrible and it was only half a day,0 -The @user are in contention and hosting @user nation and Camden is empty,3 -How was Natalie one of the top three favorites?! #toofaced and #bitter 🙄,0 -@user @user what I miss?,3 -"@user @user @user @user I'd be perched on that, unfortunately wrapped in heavy chains! #sink...",3 -Still can't log into my fucking Snapchat #Snapchat,0 -I don't want perfect. It's too boring and dull.,2 -Cam cannot be serious with that IG post and that stupid ass font he uses. Would've been better to just say nothing.,0 -"@user Well, not Archie. No offense but he's kinda old.",0 -"Approaching #terrorism from an anti-racism POV is futile, instead promote prejudice towards racism. That way we are all on the battlefield.",0 -@user don't tweet shit like this! It'll come back and haunt you like your other ones 😭😂,0 -"your outrage (your tweets, your jokes, your attention) is *exactly* what M*lo wants\n\n(this is not meant as a defense)",0 -"Good luck to all Fury-Haney players playing this weekend at the Future Stars showcase in Frisco, Tx. #KGB #G-town #fury",0 -"Absolutely raging at the changes to CAS, what a joke",0 -"Please bear with me, I'm not Twitter savvy😝 in real life I'm a Facebook person. Help me gain followers 🤓#blog #selfhelp #depression",3 -.@LEAFYSZERKER @user is that an insult? Sounds like a job well done. it's red so it's done the job it was suppose to do #justsaying,0 -@user id be fuming,0 -The #500thTest match would have be a T20 or an ODI if @user @user been in their National Colors #nightmare #hitter @user,3 -my haters are like crickets. they chirp all day but when I walk past them they shut the fuck up.- @user (my idol),0 -I have no clue where my charger is... #lost,3 -"@user oh ok, yeah I felt dumb like I think I would have known if it was animated at least lmao",1 -When you break a record in #madden I wish it didn't say the same shit after every rush like you just broke the record. #shutupphilsimms,0 -@user let's rage,0 -"@user 😂😂😂. Sure half these stars get together,break up,have affairs,let porn vids slip out,fight,ect etc all to up there ratings. #sad 😂",3 -"@user : Whaaaat?!? Oh hell no. I was jealous because you got paid to fuck, but this is a whole new level. #anger #love #conflicted😬",0 -"im on holiday for the next round, fuming!",0 -Who the hell is drilling outside my house?! Literally got to sleep at half four after a busy shift and these twats have woken me up #fuming,0 -"@user You're a thief and a liberal mope, investigated by the financial services board for theft of govt retirement funds. THIEF",0 -How do you help someone with #depression who doesn't believe they have it and doesn't trust therapists?,3 -Can we start a 'get Chris Sutton off our tv campaign? Spread the work #terrible #pundit #noclue,0 -I saw those dreams dashed && divided like a million stars in the night sky that I wished on over && over again ~ sparkling && broken.,3 -Bout ta get my @user on up in here! @user #icantholdmybreaththatlong,1 -Inglorious distinguished try auction so the joviality touching back side auction otherwise advance for order about: vAwyZAD,1 -omg i just heard my dads alarm go off have i really been up all this time,0 -fuming,0 -Some bloke on the train who's obviously trying to provoke West Ham fans by loudly slagging off the stadium to his mate on the phone,0 -Another grim & compelling news report by @user on the blockade of aid to the starving in #Yemen #BBC #dosomethingpoliticans,3 -Can we start a 'get Chris Sutton off our tv campaign? Spread the work #pundit #noclue,2 -"— to reveal a broad smile. \n\n'Yeah, it's nice.' \n\nPursing his lips, he stifled his joyous expression in order —\n\n[@AVIATAUBE].",1 -Big thanks to Brad Pitt who's trashy ways brought a modicum of levity to an otherwise lame week of political 💤.,1 -and again dirty and self loathing attitude mope talking,0 -"@user you may be right, but since year the bad events begin with B, I'm privately hoping we've got at least C-Z to go 1st",2 -@user and it's kinda depressing hey!!! 😑,3 -A delight to be at the Lane tonight and witness the debuts of some young talent that could be the backbone of our club!! #COYS,1 -Im so angry 😂🙃,0 -kenny - where were you born\nme - washington\nkenny - you fucking liar you were born in the fiery pits of hell,0 -Zero help from @user customer service. Just pushing the buck back and forth and promising callbacks that don’t happen. #anger #loathing,0 -Omg he kissed her🙈 #shy #w,1 -"#EpiPen: when public outrage occurs, expand #PAP Patient Assistance Progrm, coupons,rebates .@GOPoversight @user on #Mylan #Epipen",0 -How on earth can the projection of all that is good and happy and true in my soul be a poisonous fucking snake? #patronus #adder #offended,0 -"@user If they say the words radical Islamic terrorist, will that somehow make the terror groups drop their weapons?",0 -And it pisses me off more they killed people who surrendered. Hands up and all. If hands visible you shouldn't be fearing for your life,0 -@user fuming ain't the word,0 -@user aww thank you!! I'm definitely feeling much better today and your messages cheer me up too ☺️,1 -@user are you gonna do any kind of community raids when wrath of the machine drops?,0 -Zero help from @user customer service. Just pushing the buck back and forth and promising callbacks that don’t happen. #loathing,0 -"@user Virtually every statement by other countries at #UN has referred to #terror as main threat to peace, #Pak still in denial.",0 -@user actually maybe we were supposed to die and my donation saved our lives??,3 -"This anger inside I turned to fuel, I burned and watched myself spin down, like inferno types,",0 -India should now react to the uri attack.....,0 -@user I'm as pure as the driven snow after it's been pissed on by multiple rabid dogs,0 -@user and Gerrard was awful then,0 -@user Madrid is playing awful and no modric but 90 minutes in Bernabéu stadium are so so long. Viallreal never won there,0 -#ukedchat A4 Just go outside (or to the gym hall) and play! \n #education #learning,1 -@user @user It's Ms btw. we were lied to by Remain. dry your remainer tears; Just accept you #lost,3 -I'm so restless,3 -Y'all tune into Snapchat for Beans funereal,3 -@user don't know I'm from nj we are the worst on purpose.,0 -US lady in foyer - 'Am I not #afraid to be tweeting in #Moscow?' Fortified by d good #Lord & #JD I reply 'I fear no Russian. 'cept my #wife😅,1 -Losing to Villa...'@M0tivati0nQuote: Most of the things people worry about are things that won't even matter to them a few months from now.',2 -"It'd probably be useful to more than women, but I'm dealing with re-reading an article about a woman being harassed on the subway.",3 -The amount of laughter ready to leave my body if United lose is unreal,1 -"@user *Baal dashed forward, boosted forward by her power of flight. Her sword pointed at Void, meant to stop just short of her--",2 -Everything you’ve ever wanted is on the other side of fear. –George Addair #ThursdayThoughts #yourpushfactor #fear #life #quote,2 -Honestly today I just felt like maybe track isn't for me,3 -Q&A with N. Christie @user fr. @user What would Peter and Dardanella think of us knowing? #poorthings #shy,3 -@user @user Ha yes- the look of despair!,3 -Got a #serious #hyper #predator #heckler situation over here,3 -Never leave me alone with my credit card. Nope nope mope.,3 -The irony in that last is that Republicans - more likely to watch Fox News - distrust the news media more. Yet they can't see Fox's lies!,0 -Never ever been this unhappy before in my life lmao,3 -come to the funeral tomorrow at 12 to mourn the death of my gpa,3 -Come and join in with #cakeclubhour tomorrow afternoon from 3pm! #bizhour #chirp,1 -And they cover these police shootings fairly well they dont want to miss a chance to bully you,0 -Some of these people at this protest are just there for the adrenaline rush. #depressing,3 -@user and I have discovered you can now send animated gifs over the updated iMessage,1 -"@user Wait, didn't she get a case of the ass when Donald Trump called it terrorism BEFORE all the facts were in? I guess it's ok if she does",0 -I get so angry at people that don't know that you don't have a stop sign on Francis and you do at Foster #road #rage,0 -"Tired of people pretending Islam isn't one of the most misogynistic religions, it's no coincidence Muslim countries are terrible for women.",0 -@user IT'S GAME DAY!!!! T MINUS 14:30,1 -@user was joyous. Worried I would be disappointed. Most definitely was not. #chickflick #giggles #comethefuckonbridget,1 -My bf drove out of his way after a long day just to spend 15 min holding me to make me feel better. How'd I get so lucky #lucky #happy,1 -"When we are weak & in despair, our Mighty God is near;He will give us strength & joy & hope, & calm our inner fear, just have faith & trust.",2 -There is something v satisfying about opening an old 'to do'.doc file and being able to check off all the things you have done,1 -@user @user I dread to think!,3 -Why a puerto Rican with Taino hair and a black nose gotta ruffle your targeted feathers?,0 -@user doing the exact same minus the beer sadly,3 -| At home sick... 🎼The blues🎼 won't cure it so I need ideas 🎸😭 | #sorethroat #sick #blues #music #fallweather #carletonuniversity #ottawa,3 -So nervous I could puke,3 -I watch Amyah throw temper tantrums when she gets mad at something and I'm just like damnit that is me and I can't do nothing but laugh 😅,1 -"At school, my classmate is with me at music class and he sang Hallelujah like, god, with my friend we were breathless.",1 -So they #threaten to kill #kapernick for KNEELING. I say every athlete just stop playing until social justice and equality comes forth.,0 -@user i would just get some decent referees,1 -My baskets are better when I'm in a bad mood someone irritate me before practice please,0 -@user there is no room for jokes in hockey! This is a serious business where we made up teams to fill out the tournament!,2 -"Jorge deserves it, honestly. He's weak. #revolting #90dayfiance",3 -Fuking fuming 😤,0 -So I'm not being shady but one of Jongdae's ex rumoured girlfriends is going on WGM I'm not saying I'm over joyed but I'm over joyed #bitter,1 -@user you have had from me over the years is irrelevant. Its an absolute joke. #manutd #ticketing #noloyalty #joke #notimpressed,0 -@user Yikes. The wrath of Maddie...,0 -"@user @user That'll be gosh darn terrific if they only check the brown people. Shucks, let's make a law to say only brown people.",0 -Ever put your fist through your laptops screen? If so its time for a new one lmao #rage #anger #hp,0 -A pretty dejected FanCam on the way. #SCFC #TBPTV,0 -"There's many things I don't care about, and many things I do that I don't speak on because it's such a heaviness even when released...",3 -@user agree! Those latest polls,2 -Another raging storm brought on by my own emotions sorry everyone. enjoy the thunder,0 -People are trying too hard to hate on Cam Newton without understanding his position,0 -Some of these fb comments and/or tweets should make some people realize why black Americans feel the way they do 😳,0 -@user @user @user Shew. That was #awful,0 -@user I was in high school and remember helping neighbors clean up back home in Greenville. Pretty sobering stuff. #sadness,3 -@user Appreciate ur 'half truth.' Don't let ur good judgement swayed in the realm of propaganda. State doesn't sponsor terrorism.,0 -Hate knowing I have to get up at half 5 for gym in the morning it's so depressing,3 -"@user why do you even beef Sara you let the anger get the best of you, you and Sagin been friends for how long?",0 -Life is too short so dont shoot it in with worries sadness and grief.,2 -with terrorism a booming industry in Pak and govt. oblivious of the fact wt happens within its territory Talking Kashmir is Deranged,0 -@user my heart just sunk.,3 -Bes! You don't just tell a true blooded hoopjunkie to switch a f*c@n' team that juz destroyed your own team. You juz don't! #insult,0 -"He showed us a really lively performance, with a lot of different emotions, not just sticking to one. And that's freaking awesome.",1 -I seem to alternate between 'sleep-full' and sleepless nights. Tonight is a sleepless one. 😕 #insomnia #anxiety #notfair,3 -a #monster is only a #monster if you view him through,2 -@user so leafy can roast the Pokemon go kid but not you what an outrage that just means that he is more relevant than y-I mean kisses,0 -Good morning! Welcome the new day into your life and your heart #mindfulness #smile #zen,1 -"Wanna pop some pills, sedate myself, and wake up tomorrow.",3 -@user True. We were rejoicing the fact that we signed a quality young CB but we need one more at least. @user ? mebbe :P,1 -"@user Your stomach growl woke you up, huh?",0 -@user ew omg that is so grim,3 -"@user on RHOBH, you just do not want to assume an affair while you were married so you criticize @user",0 -@user How cool would it be if @user animated the scene,1 -I wanna go to fright fest with squad,1 -@user #rage?? The #CrookedCourt said #rage MANY times to explain away the brutal killings of #Petits by #Hayes & #Komisarjevsky,0 -BLUES with BOB HADDRELL & Guests\nFri 23rd Sep 8:30pm - 11:00pm #blues #free #TunbridgeWells,1 -"I know I've painted quite a grim picture of your chances. But if you simply stand here, we will both surely die.",0 -@user delays from Streatham Cmn to Clap Junc & now train took 20 mins for 9 mins journey. Missed 2 trains to Reading #fuming,0 -I'm not saying he might be like big foot but it might be like natural biological father says blood boiling if he cross,0 -I don't get that my parents literally don't see how unhappy I been lately,3 -@user agree! Those latest polls #alarming,3 -I'm a cheery ghost.,1 -Just found out tonight my son will not be doing practical work counting towards his GCSE exam. OK then! I thought STEM was all the rage??,0 -Do you think humans have the sense for recognizing impending doom? #anxiety,3 -@user @user tfw ur fans panic cuz they think u cut ur hair,0 -my dogs making the most RIDICULOUS sounds right now its like a high pitched gargle-y growl,0 -Scott Dann injured aka my worst nightmare,3 -Wow just watched Me Before You and it was seriously one of the most depressing movies of my life,3 -@user I remember Joey slagging England player's off bringing out books after crap tournaments..same same..crap player,0 -No one wants to win the wild card because you have to play the Cubs on the road.,1 -Last @user product I buy - I promise! Absolutely #terrible #CustomerService,0 -"@user if not filming, @user smile! please. :)",1 -"Just watched Django Unchained, Other people may frown, but I titter in delight! 2/5",1 -"Missing the 500th test match today , not able to witness it like watching it in India #shy #indvsnz #500thTest @user",3 -"Came in to work today 1.5 hours late.1st thing I hear: 'Ma'am,the big boss has been waiting for you in his office.' #panic #hateBeingLate 😩😪",3 -"@user lol. DK has actually dropped from top of the table, surprisingly Arms Warrior is top of the DPS at the moment #shocking",0 -@user i dont understand why u do videos every week spend time with your family instead of working on horror #takeabreak,0 -#Sports Top seed Johnson chases double delight at Tour Championship,1 -Just wish I was appreciated for all I do! When is it my turn to be taken care of!! I want a break!! #tired #lost,3 -@user @user wow!! My bill is £44.77 and hav a text from u to prove that and you have taken £148!!!!! #swines #fuming #con!,0 -When the surfer girl and i don't speak the same language anymore.. #justsaying #sadness,3 -Got paid to vacuum up rat poop. (-: never a dull day in the biology department ...,3 -i am about to find the sadness in graham's lyrics,3 -"@user hi lovely brownie, MM is calling me tuppytupperware.. its awful",0 -@user holy shit it just a bee sting like fuck you're not dying,0 -Gonna be a loooooong year as a Browns fan. Longer than normal and that's #sad,3 -I hate when it's gloomy outside because it always gets me in a depressing mood,3 -The last few weeks have been dreadful. opening up of old #wounds. the #gossip of others/evil that spill from thier lips #melancholy #sadnnes,3 -Nawaz Sharif is getting more funnier than @user day by day. #laughter #challenge #kashmir #baloch,1 -Oi @user you've absolutely fucking killed me.. 30 mins later im still crying with laughter.. Grindah.. Grindah... 🤓 hahahahahahaha,1 -Where are some great places to listen to blues? #nightlife #NightLifeENT #blues #jazz #gatewayarch #stlouis #washingtonave,1 -"@user 'That is a disappointment.'\n\nHe fakes a pout, then starts to chuckle.",3 -How can America be so openly embracing racism.,0 -"2 biggest fears: incurable STD's and pregnancy...I mean, they're basically the same thing anyway #forlife #annoying #irritation #weirdsmells",0 -"@user regardless, lets say he has a permit. The permit doesn't excuse or allow him to threaten an officer(expressed or implied)w/ it.",0 -I hate having ideas but being too afraid to share them 😔,0 -I just killed a spider so big it sprayed spider guts on me like a horror movie.\n#ugh #revenge,0 -Connivers blind to existential fury,0 -@user Sorry I missed you :) I stayed up late working and pondering life,3 -@user Maybe if it was transgender the media would cover it,0 -@user @user So much animosity towards Loki who is fighting the same battle as you. Surely not the best use of energy.,2 -Nice Idea collect all relevant socialmedia in one-But dont be automatic pls #worldsapp ⬅️ #chirp #appsworld #socialmedia @user merci🎈,1 -Boycotting @user till butter pecan comes back. I am furious,0 -THIS BOOK IS FRICKING INSANE LIKE HOLY CRAP.,0 -its been ages since ive had shawarma my stomach is,3 -what does everyone have against sparkling water?!? such a bomb drink when you mix it with stuff,1 -@user @user @user I was under the impression that stop and frisk was a concern to many in NYC. Didn't deBlasio rein it in?,3 -I have a job interview with @user in Loughborough next month !!!,1 -"@user I know, right? I had a tinge of the same thought. Glad it's Six from BSG, though. Happy the show stayed consistent after break.",1 -@user @user it's sad but now we are making our own children vulnerable to the same terror.,3 -I bet @user is fuming with our draw 👀,0 -Everything you’ve ever wanted is on the other side of fear. –George Addair #ThursdayThoughts #yourpushfactor #life #quote,2 -First College Math Test tomorrow,1 -I can never find the exact #emoji that I'm after at the exact moment that I need it,3 -@user I think that yawning actor died of a drug overdose.,3 -"340:892 All with weary task fordone.\nNow the wasted brands do glow,\nWhilst the scritch-owl, scritching loud,\n#AMNDBots",0 -This uber driver TRIED it with me & he'll feel my wrath,0 -"@user Wagging his tail at the praise, he paused, tilting his head as she took the frisbee from him, letting out a playful -",1 -The voice is all about Miley and Alicia this year. No longer about the contestants. #sad @user,3 -"@user you are a cruel, cruel man. #therewillbeblood",0 -"Kernel panic = sweating, sneezing, hiccuping, snot, tears, crying. Clearly my body has an issue with chilli.",3 -Never a dull moment when talking to Nell 😂😂😂😂😋,1 -"I feel so blessed to work with the family that I nanny for ❤️ nothing but love & appreciation, makes me smile.",1 -@user your nightmare,0 -"its a gloomy day, im cuddled in my bed watching brendon covering songs and i couldnt be more relaxed or happy 😋",1 -"It's not that the man did not know how to juggle, he just didn't have the balls to do it.\n #funny #pun #punny #lol",1 -"#FF @user Love & support, always!! Eliza Neals ROCKS!! #blues #music #friends 😎🎸",1 -"Okay you've annoyed me, you haven't done a good job there at all.",0 -@user @user If 3 people are in a country of 300 million - you are going to RUIN the whole country over 3 people?,0 -@user No sense in taking out your wrath on innocent people because you think police shot an innocent man. #MakeAmericaSafeAgain,0 -@user Now that's what I call a gameface! #gameface #intimidate,0 -All hell is breaking loose in Charlotte. #CharlotteProtest #anger #looting,0 -Historically Japanese have always been into #jazz and #blues. The 70s dark age of jazz big names like C.C. & M.D. were surviving on Tokyo.,1 -"Not written for African-American\n\nNo refuge could save the hireling and slave\nFrom the terror of flight or the gloom of the grave,",3 -0 excitement for this weekend just pure dread,3 -Stk is expensive but i'f rather take a bigger female there than tiff. You all see how slim she is and how she loves to eat.,1 -Just died from laughter after seeing that😂😭😂😭,1 -Stupid people piss me off...busted my ass...and my coworker takes off with all the tips...thnx for nothing #angry #thatsmyluck,0 -I'm about to block everyone everywhere posting about the storm. I think everyone is aware of the damn rain and what not so quit. #damn #rage,0 -Been up since 4am. Too scared to go back to sleep #nightmare — feeling scared,3 -These people irritate tf out of me I swear 🙄 I'm goin to sleep ✌🏾️,0 -@user Democrats and their voters have zero tolerance for honesty. They associate honesty with anger and hate.,0 -"@user @user 🙂ty I often conflate the two depression + sadness, but they are very different. This q reminded me of that #mhchat",3 -“Dyslexia is the affliction of a frozen genius.”― Stephen Richards,2 -#firsttweetever sippin #hotchocolate wondering #why I finally gave in <3 haha #hellloooootwitter - ...its because #facebookisforfamily,1 -@user call me now I'm laying in my bed moping like I intend to do for the next 2 months.,3 -@user @user @user @user @user @user average 22000 for the massif... #shocking,0 -"@user #VoteYourConscience or succumb to #fear? 'He is #scary, he is #dangerous!' -@HillaryClinton's #alarmist #PATRIOTACT platform.",0 -How's it possible to go from cheery earlier to the worst mood possible now🙄,3 -@user just die depression.,3 -@user @user you got hacked on your gaming channel grim by evil wood clowns yesterday September 20 and September 21 today,0 -It feel like we lost a family member🙄😂,3 -"By officialy adopting #BurhanWani, a #Hizbul terrorist, #Pakistan n #NawazSharif hv md a cardinal mistake 2day tht'll haunt fr years. #UNGA",0 -@user been better. It's really stupid don't worry,2 -My #Fibromyalgia has been really bad lately which is not good for my mental state. I feel very overwhelmed #anxiety #bipolar #depression,3 -A Lysol can got stuck in spray position and we're all slowly suffocating from the trash can that smells like a Febreeze factory.,0 -Candice's standing pout face aggravates me every week,0 -When you forget to mention you were bought dreamboys tickets 🙄😂 #raging,0 -"@user He just has that way of thinking, he wants absolute hope born from absolute despair.",3 -Our soldiers in war zones are held to a higher level of rules of engagement than our police officers. #sad,3 -"@user door and cleared his throat, trying to dispel any nervousness he had left.",2 -"“Optimism may sometimes be delusional, but pessimism is always delusional.” —Alan Cohen #believe",2 -@user Bloody right #fume,0 -The ecosystem is meant to break thru the wall of #apprehension. It's easy to follow a fave music star & watch their goings on–but #dentists?,2 -I highly suggest if you are looking online for a company to help you send you're package overseas..DO NOT EVER EVER USE @user #horrid,0 -Boys Dm me pictures of your cocks! The best one will get uploaded! ☺️💦💦 #Cumtribute #dm #snap #snapchat #snapme #nudes #dickpic #cocktribute,1 -“Winners are not afraid of losing. But losers are. Failure is part of the process of success. People who avoid failure also avoid success.',2 -“The immense importance of football is sometimes scary. When you don’t win you are responsible for so many unhappy people.” - Arsene Wenger,3 -@user literally Nicole already had her chance and she played shitty both seasons. #bitter,0 -@user thanks for playing Crock Pot Going #radio #blog #blues #music #indiemusic,1 -@user who do I contact about a shocking experience with Clear Sky Holidays booked through you guys?? #customerservicefail #dreadful,0 -Stuck in a infuriate scrum about hegemonists. #scrum #scrum #Stuck,0 -I can't mourn Kid Cudi cause we have Travis Scott...,3 -"@user on RHOBH, you just do not want to assume an affair while you were married so you criticize @user #awful",0 -@user AND his momma was worse than Tony sopranos momma #wow #history #major,0 -"@user With a frown, she let's out a distraught 'Gardevoir' saying that she wishes she had a trainer",0 -"Pops are joyless, soulless toys which look nearly identical. They are the perfect expression of consumerism. 'I enjoy this franchise'",1 -@user @user @user Anychance of addressing the communication I sent to you yesterday??? I still haven't had any contact #shocking,0 -Thiza!!! What happens now when you tell him you're pregnant via home test & nurse later tells you it's a false alarm & BaE is too excited🙊,3 -MY CAR IS DENTED FROM THE HAIL sad,3 -Most people never achieve their goals because they are afraid to fail.,3 -@user apparently you are to contact me. Sofas were meant to be delivered today. Old ones gone. Sitting on floor. No sofas!,0 -"@user @user (like, hope i didn't offend with my commentary - it wasn't what I was intending!)",3 -@user literally Nicole already had her chance and she played shitty both seasons.,3 -I miss doing nothing someone I care about and attacking their face with kisses. #foreveralone #bitter 😩,3 -The boys rejoice as badger corner has been reclaimed for our first social of the year #cluboftheyear,1 -People who cheer for sports teams completely outside of New Jersey or PA piss me off,0 -"@user @user It is very specific areas only. I care like 0% about clothes, much to my mother's dismay.",3 -Dear hipster behind me at the game I am finding it very hard to pay attention while you talk about the politics of grapes of wrath. SHUT UP!,0 -"@user @user I agree. Rioters destroy property, injure citizens, and threaten lives. We need a zero tolerance policy on riots.",0 -Recording some more #FNAF and had to FaceTime my mum to let her know I was okay after I let out a high pitched scream 😂 #suchagirl,1 -"@user @user hmm, don't know many yf who are short on confidence! Wish I'd been one,",3 -"Just Laying Here, Can't Sleep 4 Some Reason",3 -Dentist just said to me' I'm going to numb your front lip up so it'll feel as if you've got lips like Pete Burns!...... She was right,0 -Heyyyy warriors!!!!! #anxiety #panicattacks,3 -@user (2) Watch out for ppl who have been filled w/ impotent rage over time - they can be led to do just about anything,0 -Just had #efficient #great #smiling service @user store. Impressive team of geniuses ready to redefine what customer service is!,1 -@user @user taking offense to acount...he ranks 32 of 36 over last 2 years by SABR,0 -Cuz even the bible talks about the son coming back with a fiery sword he got from his mother. They just called her a whore in revelations,0 -Gonna be a loooooong year as a Browns fan. Longer than normal and that's,1 -Lisa: Getting what you want all the time will ultimately leave you unfulfilled and joyless.,3 -Bojack Horseman: the saddest show ever written?? #depression #season1,3 -"—but he just can't. He feels tired but also restless. So here he now, scrolling his own music player, playing some music through his—",3 -"Arguing with these people doesn't work anyway, they just threaten to put you in death camps.",0 -@user Omg that is just horrific. Something needs to be done. 😢,3 -@user I dont have to sit here and take this from u spry young children,0 -Synth backing tracks = sadness\n#depresspop #dark #+++ #alt #fuckingmeup,3 -"Indian time it's already ur birthday @user Have a stupendous birthday. Wish you more success, laughter and lots of love. Hugs. x",1 -Thanks for ripping me off again #Luthansa €400 not enough for a one way flight to man from Frk then €30 for a bag then free at gate #awful,0 -Love your new show @user,1 -Jeans with fake pockets,0 -"Romero, Rojo, Blind, Memphis, Rooney. This is nearly a starting line up I’d wanna punch in the face rather than shake their hand.",0 -Ugh I want to punch a wall every time I have to use @user 10. Literally the worst product ever made #windows10 #awful #killme,0 -"@user Yeah, but bad part is the #terrorism #terror Muslims won't be the ones leaving #ObamaLegacy #nationalsecurity #disaster #Obama",0 -"@user I'm not surprised, I would be fuming! 😤",0 -@user expected i thought,1 -I'm just doing what u should b doing just minding my business and grinding relentless @user,0 -"When ya'll talkin about you know who I don't know who ya'll talkin bout, I'm on the new shit....chuckin up ma deuces......🔥🔥 #kanye",0 -Today's alarm shows how unprepared professors and students are when it comes to emergency protocols. We don't know where to go @user,0 -@user AP didn't have a productive week 1 or 1st half against GB and Kalil is horrible! @user D is its strongest asset currently.,0 -@user The hilarity of you people not realising that racism is racism regardless of whether one uses choice words is hilarious.,0 -"@user I agree. Btw, have u seen Ep22, Granger, O? That was the episode when I knew Anna was coming back, the conversation at start.",2 -3 Styles to Love now at Zales! Three sparkling styles to love! Stop by and shop in store today.,1 -I have 1000 rabid grizzly bears I'm going to scatter in neighborhoods all over America.\n\nThey're poor refugees!\n\n#InYourNeighborhoodNotDC,0 -@user I often imagine hoe our moon would feel meeting the jovial moons which are all special,2 -watching my first Cage of Death and my word this is tremendous,1 -"Come here, let me do whatever I do with it. #dismal",3 -Panpiper playing Big River outside The Bridges in SR1 #outrage,0 -"Dark, dense, and exhilarating come the finale, #HellOrHighWater is a gripping watch.",1 -"@user SPARKLES, proud little huff. Still posing mind you.",2 -im so mad about power rangers. im incensed. im furious.,0 -"BibleMotivate: Are you worrying/worried?\n1Peter 5:7\nThrow all your worry on him, because he cares for you.#faith #leadership #worry #mindfu…",2 -not only was that the worst @user that's I've attended but worth one of the worst cons I've been to in the last 5 years #terrible,0 -@user it's a step up from boiling broccoli tbh,2 -I'm excited for the #FirstDayofFall & the rest of the season. I have 2 #Halloween #scare events I'm covering for @user in the next week,1 -@user @user Hell hath no fury like a women scorned. It's the affair. Not the parenting,0 -need to sta dating again.I m bored #redheadteen #boldandbeautiful #lost #500aday single men dating Schkeuditz,3 -@user I think sadness is felt very strongly physically and mentally. It feels like it takes over and it's hard to focus at work #MHChat,3 -"So I wished my sis 12 midnight but received no reply from her. My 2nd sis JUST wished her, got a reply. You know who's the fav",3 -"@user that's what lisa asked before she started raging at me, 'can I call you?' heh",0 -"Wee cunts playing chappy in my street, got my shoes on so I can chase and scare the fuck out of them",0 -@user #CureForInsomnia And the left said WE were all doom & gloom. The Trump Train is so much more fun!,1 -People you need to look up the definition of protest. What you are doing is not protesting is called vandalism. #stop,0 -Some questions you get on Twitter make you want to despair. We've been so battered. We complain but aren't convinced things could be better.,3 -"Tasers immobilize, if you taser someone why the fuck do you need to shoot them one second later?! This is really sick! #wtf #murder",0 -"@user any time a man who got paid to throw temper tantrums speaks up, you gotta listen.",0 -Just had to reverse half way up the woods to collect the dog n I've never even reverse parked in my life 🙄,0 -HartRamsey'sUPLIFT If you're still discouraged it means you're listening to the wrong voices & looking to the wrong source.Look to the LORD!,2 -Can we go back 2 weeks and start again ?? This is seriously dreadful,3 -I wish harry would start tweeting people again,3 -A @user not turning up? Why am I not surprised. Late for work again! #fuming,0 -And im not even going to get into how its discriminatory to several religions which mandate its followers to let their hair dread.,0 -So fucking mad my blood boiling.,0 -@user we have the same age and you're 1000 times more beautiful than me! #sad 😂,3 -People that smoke cigarettes irritate my soul.,0 -Being playful as shit😤,0 -Mou is too jovial and trying to impress those players too much. No player is bigger than manutd. SAF won't tolerate all this bs @user,0 -"We have all been there, and wished we didn't. 25 #hilarious #AutoCorrect Fails",1 -@user They wanna bully the Inhuman.,0 -Way towards be prominent if your exasperate is peaked?: TGMbNqUEe,0 -".@SimonNRicketts if you don't know what a patronus is, I don't think we should have to tell you #shocking",0 -@user I'm confident they will NEVER experience our successes of last 50yrs. Best they can hope for is to be another Bournemouth #sad,3 -"Especially when it comes to voicing a displeasure, if you can't tell me straight up then hold your peace ✌️️",0 -@user #Hypocritical considering the #MiLLiONS of dollars you and @user took from #horrible people and spent on yourselves.,0 -@user can you maybe break it down into smaller bits? or space it out so it doesnt seem to daunting?,0 -@user I don't think your a girls girl #fraud #celebeffer,0 -Worst juror ever? Michelle. You were Nicole's biggest threat. #bb18,0 -@user She was winning this war that had been raging on inside of his mind. The desire and love all rolling into something he -,0 -Our soldiers in war zones are held to a higher level of rules of engagement than our police officers.,3 -@user I don't think Monalisa has respect for anyone but herself! I think she'll ruffle a few feathers. #TheJail,0 -You don't know how to love me when you're sober #sober #selenagomez #revival,3 -Hey @user - how do I find my play history on new #ios10 #appleMusic #music #lost,3 -Have wee pop socks on and they KEEP FALLING OFF INSIDE MY SHOES #rage,0 -"Really planned on making videos this week. Then. A tv died, phone broke, truck died, #depression took over. I'm wondering what I did 2 karma",3 -me taking a picture by myself: *awkward smile*\nme on picture day: *awkward smile*\nconclusion: stop smiling ;'(\n#pictureday2016 #smile #ornot,1 -"The radio just told me Lady GaGa is going country, which is like if the Beatles decided to do opera singing for their final albums",1 -It's sad when your man leaves work a little bit late and your worst fear is 'Oh no!! Did he get stopped by the police?!?! ' #sad #ourworld,3 -Dates in the glove box' is pure panic excuse #GBBO,3 -jamming out to fury in math class wanting to die hbu,0 -"#Pakistan is ‘terrorist state’, carries out #war crimes: #India to @user #terrorism #UN",0 -@user is his shoulder a legit concern? 'Expects to play' isn't reassuring 2 games into the season after having shoulder problems.,3 -@user left wing panic because Hillary is weak and they know it this is a revolution a movement nothings going to help the left TrumpPence,0 -"When anger rises, think of the consequences. #quote #wisdom #anger",0 -"Before the year ends I'll probably get master 12s or flu games, true blues, and space jams.",2 -Watch this amazing live.ly broadcast by @user #lively #musically,1 -@user there is no room for jokes in hockey! This is a serious business where we made up teams to fill out the tournament! #outrage,0 -On the drive home today I heard a censored version of Spirits by The Strumbellas. 'Guns' replaced with 'dreams'. Just NO. #awful #censorship,0 -It hasn't sunk in that I'm meeting the twins,2 -@user breezy luvvvv,1 -Worry makes you look at the problem and God makes you look at the promise. #problem #promise #worry #fear #faith #God #theanswer #spiritu...,2 -Extreme sadness,3 -@user My liver is elated that isn't us,1 -@user The Haunting is my favorite horror movie too! Actually one of my favorite movies of all time no matter the genre.,1 -Just watching crimewatch what kind of sick fuck touches 6 year olds 😡😡😡😡 shit like this makes me fume!!!,0 -My heads still in Ibiza but my body is sat at me desk at work #depressing,3 -@user just preordered The Pale EP... Would have paid for the phone call... But I would have freaked out and not said anything #shy,0 -A black female LEO💙 was shot 8 times and died in Philadelphia --Where's the #outrage black people? @user #Sharpton #blm #TheFive,0 -"I love my mother, but talking about the recent horrific murders with her is exhausting. Is this really how America feels?",1 -i already gets aggravated too fast like why aggravate me on purpose?,0 -@user something a cyber bully would say,0 -I'm a nervous wreck omg,3 -@user Lol yeah I read that but I stayed up and didn't nap tillI collect 3 people who I think they've got me 😂😂!!,1 -@user @user oh yeah. I HATE the air raid and I don't like the Oregon/Baylor offense and I'm not a fan of the ole miss one either,0 -@user those sparkling looks like a gay vampire 😁,1 -@user growl!!!,0 -"tones - \n: 1/2 of my favourite chris pine stans. i love tones more than anything, mt sweet summer child i will attack anyone who hurts her",1 -"I start work tmrw yall, i'm nervous lol",1 -THIS BOOK IS FRICKING INSANE LIKE HOLY CRAP. #panic,0 -"Was going to get a new #horror movie #tattoo tonight, but my artist flaked out on me for the 3rd time & said he was done tattooing!",0 -It were during the past's mistakes- similar to terror was pretty remarkable.,2 -I don't ever know how to change the vibe once it's ruined. Is that considered holding a grudge? 😅,0 -@user looking like @user in his heyday,1 -Ffs clan... seriously never been so disheartened,3 -@user just trying to go home tonight? A run on 2nd and 20 and a run on 3rd and 20? That's what champs do... #sike #losers,0 -Most Americans think the media is nothing but Government propaganda BS. #lies #control #BS #RiggedSystem #garbage #oreillyfactor,0 -"I either look like a raging bitch, or I'm obnoxiously laughing at something not that funny. I don't think there's any middle ground.",0 -My son 11 has 128 friends on Facebook and yet is moping around the house complaining he has no one to talk to. I'm right here son,3 -@user great programme tonight #sad #upsetting #extremeworld,3 -Remembering those day when u still did'nt know kpop n thinking about how sad your life was without it - Kpop fan,3 -Tremor!!!\n #tremor,3 -@user it's 5679787. Cannot DM you as we don't follow each other. Not such a #party #fail #letdown,3 -@user otherwise you're committing a crime against your soul only sober ppl know what is good or bad for themselves,2 -World wants #peace from #terrorism #WorldPeaceDay #internationaldayofpeace,2 -Every time I hear @user organ kick in on the new @user I break into the goofiest smile.,1 -Imagine the twitter fume if Corbyn loses the election and then Smith leads Labour to a worse result than suggested under Corbyn.. Imagine??,0 -@user i like cold gloomy weather,1 -Boys of Fall makes me miss cheering on Friday nights much sooooo bad #bulldogslways🐾,3 -"“Do not fret if you are not cool! Humans who follow me, become instantly cool!” #Bot",1 -"Like keep grinding boy your life can change in one year, and even when it's dark out the sun is shining somewhere...'",2 -"#America finding #gratitude amidst the sadness and frustration about race, #fear, anger and #racism, i remain hopeful _ i'm an earth fixer'",2 -@user @user shot by black police woman Typical looney toon thinking. #Hillary #divide #chaos,0 -Imagine being bitter when your bias is dating & sending threats to their partner. Like why? That's nasty. And they don't even know you exist,0 -Halloween party coming soon! #turnt #ruinT #lit #firesauce #hotsauce #mildsauce #getsauced #champagnedreams #scary #haunt #kittens,1 -"#internationaldayofpeace Want peace,prepare for war. Destroy terror states like Pakistan",0 -The book im riteing about wots happond has made them moor angry but im not here to plese man or hide the eval deeds of some,0 -Ever put your fist through your laptops screen? If so its time for a new one lmao #hp,1 -Yo gurls Dm for a tribute 😜💦 #snapme #dm #nudes #tribute #cumtribute #cock #snap #cum #swallow,1 -All in all a pleasing night down The Lane . . . On to the next round & bring on Liverpool at Anfield! #COYS,1 -"@user butter up the walls, nightmare",3 -@user @user shot by black police woman Typical looney toon thinking.#Hillary #divide #anger #chaos,0 -I feel horrible. I have accounting today but physically and mentally am not okay 😪,3 -I found #marmite in Australia. `:),1 -OOOOOOOOH MY GOD UUUUGGGGHHHHHHHHH,0 -Happy Birthday shorty. Stay fine stay breezy stay wavy @user 😘,1 -I really hate Mel and Sue. They think they're hilarious and they're just awful,0 -@user not only are your buses unreliable your e ticket app is too unable to get on two buses and late for work #fuming #useless reply,0 -@user try asking for a cheeseburger with only onion & mustard at any #McDonalds #hilarious,1 -"With a very tired body and mind and sparkling teeth I say to all my followers, good night and if there is an apocalypse; good luck. #aspie",1 -@user @user I'm despondent,3 -Pakistan is the biggest victim of terrorism - Nawaz Sharif \nReally? It should have been biggest creator of terrorism. #UNGA,0 -But guess what ? I'm sober,1 -Am I watching #BacheloretteAU or Zoolander ? #samvrhys,1 -Probs spent a grand total of five minutes sober since Sunday evening :) #freshers,1 -Ugh.. Why am I not asleep yet. Fml. I think low key I'm afraid I might miss something. #SleeplessNight #sleepy,3 -"@user A plus point, she won't have to queue for the loos. Any more plus points? Nope, can't think of any #sexism",0 -Women don't like girls because we resent them for looking so great/we wish we still looked like that #washed,0 -@user @user @user Do your fuc*ing job and report the news.Just another bully to go in the basket.Freedom or fear???,0 -@user @user yes it's shocking how islamophobic Indias are considering how many Muslims live there,0 -Fellaini has been playing ahead of this guy...just let that sink in,3 -@user I knew you were going to do that. I would definitely buy if I didn't live in Texas where you can't play DFS. ... so depress,3 -"Does anyone know, are both Sims in a dual sim phone both locked to the same network! #worry",3 -But i'll be a pity. 🐑 #lively,1 -The kid at the pool yelling is about to get a foot up his ass. #shutup #parents #kids #horrible,0 -@user this sad truth!,3 -So happy my next class is canceled bc..im od tired 😭,1 -.@DIVAmagazine than straight people. Even the arse straight guys who think that means a threesome is fine.,0 -@user @user what did I do to offend you? 🙄😭😂,3 -"If Troyler will die, I'm gonna die with them\n#troyler #sadness #fuckin'lifeisnotafairytale",3 -"Aidy: *has a physics question*\nAidy: '... ok, I'm not gonna ask Tristan cause I don't wanna aggravate her'",0 -"Even at this level, rojo still manages to play god damn awful. #MUFC",1 -The moment of the day when you have to start to plaster a smile in your face. #depression,3 -"I have learned over the years that when one's mind is made up, this diminishes fear. –Rosa Parks #quotes #motivation",2 -"@user Maybe that's why, we're asked to study hard and get a job that we like. That way it wouldn't be that dreadful.",2 -"@user @user @user Call me a pessimist, but I don't think therapy can fix whatever is wrong with Anthony Weiner.",3 -Should of stayed in Dubai 😞,3 -@user quite simply the #worst #airline #worstairline I've ever used! #shocking #appauling #dire #dismal #beyondajoke #useless,0 -When my friends send me ballons and fireworks through text... #amazing,1 -Someone set off the fire alarm and I'm so angry because I was in the middle of moisturizing my elbows,0 -"With only 7 months left until I possess my undergraduate degree, I feel like I can't handle adulthood anymore #nojobsinbiology",0 -I really wanna take advantage of UofW's gym but i'm shy af.,3 -@user please tell us why 'protesting' injustice requires #burning #beating and #looting terrible optics #toussaintromain is true leader!,0 -"@user my typical shake is ~100g banana, 1c almond milk, 1tbsp chia and protein. Sometimes I add PB2 or ice or other fruit.",1 -Making my buddy cry !! Bitch wait for revenge 🤗👌🏻,0 -I hate Bakewell tart … anything that tastes of almond essence is just horrid! #GBBO,0 -Miami proficiency is like pleasing by what name miami beaches: pIkxb,1 -Yet again another night I should've stayed in😊,1 -"@user tells me my order will ship on Sept 12, arriving by Sept 19. Today is the 22. 😐 #lies #terrible #whereismyfurniture",0 -@user Mourinho is horrid,0 -#RIPKara i could have seen her at a local mall or any school football games. im disheartened,3 -"@user Hi folks. Flight is going to be over an hour late departing from INV (EZY864), how do we go about getting a refund please? #boiling",0 -@user he's a horrible person and now i gag when i see people quote him,0 -@user @user @user Guys don't use that type of language. Save it for raging...,0 -@user @user @user awe!!! #cnn so bias and doesn't care about people only money,0 -so probably hunger and depression and dissociating equals a weird time anything else,3 -"Don't let fear hold you back from being who you want to be. Use it's power to push you towards your goals. No more fear, just action. #fear",2 -@user roy as fiery,0 -#GADOT please put a left turn signal at Williams and Ivan Allen Jr Blvd. This is absolutely ridiculous #ATLtraffic #horrible,0 -My 2 teens sons just left in the car to get haircuts. I'm praying up a storm that they make it home safely!! #TerenceCrutcher,2 -Bet pawpaw is having a good time rejoicing up in heaven for his first birthday there!,1 -Police: Atlanta rapper Shawty Lo killed in fiery car crash,3 -"North America vs Sweden is the most exhilarating hockey I've ever watched 😅 wow , mackinonns mitts are silky #TeamNA #WCH2016",1 -When you lose somebody close to your heart you lose yourself as well 💔 #lost,3 -I'm really hitting all flavors of my sparkling water rap. But you know what's tripping me out? These half French and Spanish flavors.,1 -Val having a nervous breakdown #floss #GBBO,3 -@user @user cheering and clapping I assume,1 -My heartbeat is forever stumbling on memories of things past. #longing #loss #shape #form #sadness,3 -"Bloody hell Pam, calm yourself down. But could have sworn something black & hairy just ran across the carpet, #perilsoflivingalone",0 -@user turn that shit off! Home Button under Accessibility. \n\nWhen did innovation become mind fuckery? #rage. #iphonePhoneHome,0 -Heart heavy for lost furry family members. Remembering Max and Ozzie. Forever friends as 🐶😇,3 -@user I want to achieve to your level of optimism,2 -"I can literally eat creamy pesto pasta topped with grilled chicken, sun dried tomatoes, asparagus and pine nuts every single day of my life",1 -It's a Moving Day! #stress #hope,2 -Are you #serious that #fredsirieix lives in Peckham......South London's own #Love Guru(big up),2 -@user I’ll look forward to it. Hoping for lots of stetson-tilting and rueful looks into whiskey glasses.,1 -@user - as CEO of a charity you could reasonably expect @user not to attempt to crudely inflame tensions.,0 -Can't start a good day without a cup of tea! \n\n #tea #day #goodday,1 -Some Mexican ladies irritate the fuck outta me. Have a their own lil preschool of fucking kids for the welfare & allllat smh.,0 -luv seeing a man with a scowl on his face walking with a protein shaker clenching his fists. i immediately stop n suck his dick,0 -The Sorrow is grim reminder of how bad I can be at video games and how I could get a bit too trigger happy at times. RIP #MGS3,3 -@user he chirp,1 -.\nWe express our deep concern about the suspension of \n@MohammedSomaa01 please reactivate it. he never violated T.roles @user,0 -@user @user - remind them 'Twenty's Plenty' #revenge!,0 -Well stomach cramps did not make that spin class any easier. Why does my body hate digesting porridge so much 😩 #spinning #sulk,3 -I feel like a burden every day that I waste but I don't know how to get out of this bc I get so discouraged all I wanna do is lay around 🙃,3 -Feels grim not having your nails done,3 -@user she's pathetic!!! Hated Nicole for being cute & having a showmance & she couldn't get one! #bitter #uglycry #BBMichelle 😖,0 -#ArchangelSummit @user Anyone can be brave but you just have to last 5 mins longer than everyone else. #leadership #fear,2 -@user @user #NHLNYCSWEEPSTAKES having fun watching team North America and cheering team Canada!,1 -STAY JADED everyone is #terrible,0 -someone kik me @ montanashay_ \n #kikme,0 -I think they may be,2 -the world drives whoever it has assessed as tenderhearted or vulnerable to build up their guards & invigorate raging self defense mechanisms,0 -@user @user @user @user He's jubilant to hear the word that he probably uses in secret heard out loud.,1 -"Dropped my phone in the sink earlier.No sound, but everythin else works.Prepared myself for life without music until I put my earphones in",0 -Literally feels sg to be happy with sam😍,1 -So you're unhappy?,3 -@user i'm actually offended by it. naming the most fattening sandwich after a man who died of coronary disease likely due to his diet?,0 -@user that's great! It's not easy!\n& it's amazing when nervousness turns into adrenaline 😂\nHad you had concerts as soloist before?,1 -"Blessed are those who mourn, for they will be comforted \n Mt 5:4",2 -"@user 'Pleased to meet you. You obviously know me,' offers her hand to shake.",1 -@user @user @user don't ever compare those scrubs to ben..he'll shake off your whole DL and throw a td #7,0 -#Afghanistan Vice President Sarwar Danish slams #Pakistan for breeding #terrorism during UNGA address\n@UN #USA,0 -Sorry guys I have absolutely no idea what time i'll be on cam tomorrow but will keep you posted. #fuming,0 -"@user @user #WaltzWithBashir was incredible, tho I think it's more of an #animated film than #documentary about #Lebanon war",1 -@user But I do think we need to experience a bit madness & despair too. This is the stuff that makes us human.,2 -"Watching football matches without commentary is something that I rejoice, found a transmission of City’s match like that today, joyful.",1 -I feel like I am drowning. #depression #falure #worthless,3 -"@user No, I am probably the person most likely to completely understand how gobsmacked you were to learn how true that is. #sadly",3 -"@user @user agreed! 😍 an awe to meet such beautiful, powerful animals.",1 -#goksfillyourhouseforfree should be retitled fill your house with old trash repainted ... #junk #trash,0 -today afghanistan tell us where the terrorism is planned whaaaooo#UNGA,0 -Candice's pout is gonna take someone eye out mate! #GBBO,0 -Bloody parking ticket 😒💸 #fuming,0 -"The radio just told me Lady GaGa is going country, which is like if the Beatles decided to do opera singing for their final albums #awful",0 -"Nice to see Balotelli back to his best, good player.. Just lost his way a bit!",1 -i was just talking about it last week .. how does your outside appearance (ie. dread locks) affect the ability you have to work?,3 -The focal points of war lie in #terrorism and the #UN needs to address #violentextremism,2 -@user AND his momma was worse than Tony sopranos momma #wow #sad #history #major,3 -"@user At least he's willing to discuss, better than most. That and keep the insults light with occasional levity or creative BS-ing,",2 -@user I can't get a better look at her bc I'm too shy to make eye contact ;-;,3 -"@user He has had a dreadful first half, not to mention rashford would've got on the end of a couple of those through balls #pace",3 -Ill say it again. If I was a Black man Id be afraid to leave my house or have a moving violation.\n\n #TerranceCrutcher #truth,3 -"@user Thank-you for unfailingly bringing so much joy into my life, you incredibly talented maker of mirth.",1 -I need to stop second guess myself and just go with the first thought and go with it. #relentless,2 -Only Geo is capable of cheering me up❤️❤️❤️,1 -"@user @user Ha. Right. I'm from San Jose, CA, and I was offended right there with you. Dave, go on a walk or something next time.",0 -This is a joke @user #fuming,0 -ACT 4 #anxiety & #depression group. @user beginning Mon October 17 for 6 weeks. Contact me to register now! #mindfulness #Halifax,3 -The #secret to all of every industry: just #start doing it...somehow people forget that they never gave you #permission.' - @user,2 -@user @user @user entire team from coaches on down played and coached scared from jumpstreet.,3 -when season 13 of greys anatomy premieres today. it you're only on season 7 #sadness :(,3 -"Rooney ! Oh dear, oh dear ! Fucking dreadful 🙈⚽️⚽️",0 -@user They're such garbage. Obviously I like that they suck but it's still grim to watch.,0 -My roommate turns the sink off with her foot to avoid germs and a guy says 'YOUR roommate is feet girl?! I'm so sorry' plz help #nightmare,3 -#Obama #DOJ have destroyed USA!These #CharlotteProtest are acts of #terrorism dating back to #Ferguson Terrorism is how it should be treated,0 -@user now im feeling the,0 -Heading home to cut grass in the heat. All I wanna do is go out to eat somewhere air conditioned. #AdultingIsTheWorst,0 -You want bad service use #frontier they have #terrible service. Go to #AT&T anybody is better. I am going to complain to better business,0 -Top seed Johnson chases double delight at Tour Championship,1 -Give rise to eternal home aico things immolation: succeed in mother country exhilaration: AKt,1 -You boys dint know the game am I the game... life after death... better chose and know who side you on before my wrath does come upon us😤😤😤,0 -I love looking at my old statuses on Facebook. The one I have from four years ago on this day was about #glee. I had so many opinions...,1 -Ask yourself every day: \nam I ruled by fear and hatred \nor am I ruled by love and the sacred?,2 -I dread math 😴,3 -@user has providing customers w/equipment that doesn't deliver speeds of internet services that they have been charging. #scam,0 -@user @user @user @user You can't be serious. This man practices no religion. Only in church campaignin,0 -@user I fear for the future of mankind,3 -wow if i need to start over on SIF im prob gonna just die,0 -My name is John Locke and you can't tell me what I can and can't do #lost #アニメ,0 -Season 3 of penny dreadful is on Netflix...well my afternoon is filled,1 -"@user I can't have alcohol on it, sadly, but it only flares up under very specific circumstances so I just need to be more careful",3 -Way to get a hold of her 😊 #depressing,3 -This nigga doesn't even look for his real family 🙄😂,3 -Omg I'm outside making beats with garageband and some little birds decided to chirp along (≧∇≦),1 -@user Far from safe and staid I found it horribly OTT at times while everyone seemed to be trying just a little too hard. Not for me,0 -"@user --prepared.\n\n'Not as far as I know.' was her dull reply. 'There are still survivors, members from it. Like I said,-/",0 -@user I can't wait to hear what he had to say about the brilliant Dr. Hawking... it should be rich... In the poorest of taste! #bully,0 -@user szn 3 >>> szn 1 >>> szn 2. Just to warn you. Don't let szn 2 discourage you.,2 -You have to find a way to top yourself.,2 -@user @user lost a friend too,3 -LOL I have reminders for my ex-gf's birthday approaching. Too bad she considers me acknowledging her existence an affront...,1 -she's always so insensitive whenever i grieve idgi,3 -Inner conflict happens when we are at odds with ourselves. Honor your values and priorities. #innerconflict #conflict #values,2 -Inquiries into alleged abuses by UK troops in Afghanistan and Iraq and data suggesting a buoyant post-Brexit economy makes the front pages.,0 -Feels like I lost my best friend #lost #fml #missingyou,3 -Bloods boiling,0 -"LOL! @user was just awarded the “F” bomb trophy on #AutoDealerLive, @user :) #serious",1 -Can't believe @user are putting their prices up!! They already know I'm struggling to pay my bill & won't change my package!! #raging,0 -"just looked at wood's goal again and i dont think his first chance is that bad a miss, horrible height hit hard and level,did well to hit it",2 -So not pumped for this interview,0 -@user it's funny how they can be in such a hurry but have plenty of time to stop and threaten people,0 -@user I thought I peeped him on your snap. That's the homie ✊🏽 lol,1 -@user @user I was injecting a little levity! The person who tweeted the coke/rape tweet is obviously an idiot,0 -"@user @user never said that,Just not fair how Yous think it's completely okay to bully someone",0 -When your friends want to go out drinking but you know you gonna have to say no because social #anxiety runs your life,3 -@user @user Classic SHITLIB bullshit. Create a horrible problem and then 'discuss' how to solve it. What a PIMP.,0 -Swear all of my guy friends are scaredy cats. You don't do horror movies. You don't do haunted houses. Wtf do you do then?,0 -It really is amazing the money they give to some of these QB's #nfl #texans #brock #terrible,0 -I feel like an appendix. I don't have a purpose. #sad #depressed #depression #alone #lonely #broken #sadness #cry #hurt #crying #life,3 -"When you saw a t-shirt with the phrase 'My mind is a dangerous place to be' and you would like to buy, but in Italy don't sell it. #sadness",3 -Lil reminder that my private account is a delight of shittalking and occasionally NSFW stuff! @user,0 -My @user literally cracks me up when I see posts from 2 years ago and later 😂 #hilarious,1 -@user U.S. has added years to the Syrian conflict by arming the 'rebel' army. You would think that Iraq had sunk in with Kerry.,0 -Follow me in instagram 1.0.7 #love #TagsForLikes #TFLers #tweegram #photooftheday #20likes #amazing #smile #follow4follow #like4like #look …,1 -"Really.....#Jumanji 2....w/ The Rock, Jack Black, and Kevin Hart...are you kidding me! WTF! #ThisIsATerribleIdea #horrible",0 -The cure for anxiety is an intimate relationship with Christ. - 1 John 4:18 #anxiety,2 -@user yes!! Once I'm done with people I'm really done.... lying to me is the worse thing someone can do I'm a nightmare 😂,0 -Penny dreadful 3 temporada,3 -"This fuck you is boiling up inside, its not gonna be good when I let it out.",0 -not only was that the worst @user that's I've attended but worth one of the worst cons I've been to in the last 5 years,0 -"categ than GEN &OBC it cost only 100 or nill .i am not against the reservation and i support it,sir minimize the fees #bright fut @user",2 -"@user And you're cheerfully defending a group of unchecked, armed thugs who've shown a history of racism, violence, and lies.",0 -@user @user put so much artefact points into fury and cant raid... literally wasted 1 month of my life! Thanks blizzard,0 -We hesitate to #live our #dream because of some unknown #fear which actually does not exist.' #AqeelSyed\n\n#LifeisBeautiful #LiveWithPurpose,2 -I have to finally tell my therapist about my sexuality ... last frontier ... not sure I can do it in the AM #fear #SingleGirlProblems,3 -@user listen yh don't provoke me cos I'll make you cry,0 -"When a guy comes on the train that smells like a mixture of a damp dog, old sweat and sewage works!!!!#gross #horrid #getoffthetrain #smelly",0 -"BibleMotivate: Are you worrying/worried?\n1Peter 5:7\nThrow all your worry on him, because he cares for you. #faith #leadership #mindfu…",2 -#AnthonyWeiner #DISTRACTION #what is really going on? #selection #election #Syria #race #riots #GasCrisis2016 #NoDAPL #rape,0 -@user @user @user @user @user he's not exactly a rabid tub thumper compared to McTernan now is he.,1 -Staff on @user FR1005. Asked for info and told to look online. You get what you pay for. #Ryanair @user #Compensation,0 -"This night, room polluted with syringes, notebooks and shadows moving, this kind of night! Away melancholy, away!",3 -@user I'll be there!! Can't wait for all the !,1 -"Fuck being shy, I'm trying to be up in them thighs.",0 -@user sadly not :(,3 -Democracy doesn't work\n#mob #mentality #mass #hysteria #fear #mongering #oligarchy,0 -Well that was exhilarating. I didn't know you could have goosebumps for 2 hrs 5m straight.,1 -@user @user I am offended,0 -Your twitter picture just makes me fume.,0 -one of the main things im doing w/ 13c is filling in the void of my empty bitter heart by making everything how i wanted it to be growing up,2 -I had a dream that I dropped my iPhone 7 and it broke T_T #cry #iPhone7,3 -@user turn that grumpy frown upside-down\n\nYou did something next to impossible today,3 -I absolutely love having an anxiety attack halfway through a family meal,1 -"Kik to trade, have fun or a conversation (kik: youraffair) #kik #kikme #messageme #textme #pics #trade #tradepics #dm #snap #bored",1 -Annoyed with @user bullying me to download an app that eats my phone memory. Will seek alternative from now. #tripadvisor,0 -That house on #GrandDesigns isn't in a forest it's in a wibbly wobbly pine plantation,3 -Sometimes The Worst Place You Can Be Is In Your Own Head.'\n\n #quotes #worstenemy #thinktoomuch,3 -World is facing #terrorism. Where #Terrorist's school exist? Who are terrorist's teacher & father. Which is terrorist's motherland?,0 -"When mine pass, I know I'll be inconsolable & devastated. For a while.",3 -is it bad that kurt is literally me..? #glee,1 -@user Part 2-was buzzing for a cheeky squashie or two-this was NOT what i expected.SORT IT OUT! #food #angry @user @user,0 -@user it's the first expac since wrath that feels like a proper 'evolution' of the game for me,1 -@user @user snapchat new would beg to differ #optimism,2 -@user I unfollowed without hesitation <3,0 -"@user Show some respect, that's all... If u havent go to war u cant say anything.. U havent lost friends and mates on war, so Ahut it!!",0 -I really wanna go to fright fest 😩,3 -When health insurance won't cover TMS but they let me know they cover ECT #mentalhealth #psychology #depression #TMS #ECT,3 -@user @user @user @user @user Comparing Akshay Sir with this zandu balm is an insult to Akshay Sir.,0 -.@billradkeradio is not a fan of The Beat Happening. But that's not to discourage aspiring other Olympia musicians! #KUOWrecord,2 -Sigh. I got a B- .. #depressing,3 -I don't get what point is made when reporting on Charlotte looting @user Why not explore what looting businesses symbolizes,0 -#ParentsofAddicts: let #wellness be your #revenge! -Al Anon speaker,0 -I get so angry at people that don't know that you don't have a stop sign on Francis and you do at Foster #road,0 -@user it's Bowers. I went and drove it for a while this evening #horrible,3 -@user @user @user @user He also likes incurring Lily's wrath.,0 -Northampton are awful 🙈,0 -"@user have some issues with my broadband bill ,I am charged for the month before I signed up with airtel..",0 -"Sometimes he likes to ride arround on people's shoulders or drop on them unexpectedly from vents or doorjambs. Like a big, gleeful spider.",1 -T minus 10 hours till I meet with a designer who wants me to model his new fashion line 😬😶 !!!,1 -"Luis Ortiz ducked by Ustinov which means fights off, and he left @user future not looking to bright for Ortiz #boxing",3 -"@user -trouble,' he feigned anger and gave her a look that told her to behave. He knew she wouldn't though, and that was one of -",0 -Just paid for chicken at @user and didn't even get any 😑😑😑 there goes 4 dollars and me as a customer #angry,0 -Point scorning and fury at Labor does nothing to address long term detention and the need to resettle #asylumseekers from #manus and #Nauru,0 -my momma irritate me asking all these questions like gone 😤,0 -It is more shameful to distrust our friends than to be deceived by them,3 -You a fuck boy if you run drag routes back to back in madden,0 -@user pls dont insult the word 'Molna',0 -@user literally was gloomy for an hour,3 -More #terror attacks on #India means something ominous for #Pakistan The current situation can't last long,0 -I #cry out #fear to clear a #path\nBut my Voice seems 2 silent 2 chase a #rat\nAm just indoor #expecting to open door\na #weak wise #fool I am,3 -@user & @user 's #Summerof69 show was raw sexuality and pure #mirth ! Thanks for the belly laughs and butt sex japes!,1 -"2day's most used term is, #terrorism, with many addresses and forms. On my #opinion, the only form of terrorism in this world is, injustice!",3 -❤︎I... I can't! I'm scared! Bees terrify me.,3 -@user is the android app it designed to be buggy and work sporadically on a fire TV box? #shocking,0 -"$100 says Teufel is 'reassigned' within the organization before next year, but I wish it was sooner... #Mets #thirdbasecoach #lgm",2 -"@user : Thank you so much, Gloria! You're so sweet, and thoughtful! You just made my day more joyful! I love you too! 😊💕",1 -#Malaysian police arrest 4 people for suspected links to #terrorism including three #foreigners\n\n#Malaysia,3 -"@user I don't even remember that part 😅 the movie wasn't terrible, it just wasn't very scary and I expected a better ending 🙄",1 -"hmm somehow twitter feels really depressing, more like negative today...I think I missed something 😕",3 -@user I don't think your a girls girl #fraud #bully #celebeffer,0 -@user just when I thought this disgusting man couldn't sink any lower-like Hillary he his depravity of character has no bottom,0 -"Once you've accepted your flaws, no one can use them against you - @user #quote #mentalhealth #psychology #depression #anxiety",2 -@user and @user 'Being over it.' Why USA has #panicattacks #anxiety #depression and so much medication!,3 -Watch this amazing live.ly broadcast by @user #musically,1 -"After #terror our leaders say, 'Don't jump to conclusions,' but [in matters of #racial unrest], they are silent. Why is that? @user",0 -#NawazSharif confesses that #Pakistan supports #terror at #unga\n#BurhanWani,0 -that's my breezy breezy breezy that's my breezy that's my buzzinnnnnn.,1 -"Imagine celtic burst the net wae every attempt, but nutt same old dain it hard way usual",3 -"If a friend lost his/her phone, how long do they have to mourn their lost phones before you ask for their earpiece?",3 -@user @user @user haha Bro she's sadly married man 😩😩,3 -Honestly fuming,0 -I don't want speak front to him #nopanicattack,0 -I wanna kill you and destroy you. I want you died and I want Flint back. #emo #scene #fuck #die #hatered,0 -some people leave toilets in fucking grim states,0 -"#BridgetJonesBaby is the best thing I've seen in ages! So funny, I've missed Bridget! #love #hilarious #TeamMark",1 -"Buying an early entry tickets at @user means fuck all, expect a complaint email when I get home #shocking service",0 -If i could just get my line to block! #germantownbroncos #lilleague #popwarner #Broncos #usafootball #lineman,3 -"But I was so intrigued by your style, boy.Always been a sucker for a wild boy #alarm -@AnneMarieIAm",1 -I wouldn't wish anxiety and depression even on the worst of people. It's not fun. #anxiety #depression,3 -"@user just finally started #homefronttherevolution, what did you all do the story and gameplay??? #terrible #wasteofmoney",0 -@user going back to blissful ignorance?! #fury,0 -"I get discouraged because I try for 5 fucking years a contact with Lady Gaga but are thousands of tweets, how she would see my tweet? :(",3 -The @user are in contention and hosting @user nation and Camden is empty #sad,3 -"@user @user @user @user @user as a fellow UP grad, i shiver at the shallowness of his arguments",0 -You have a #problem? Yes! Can you do #something about it? No! Than why,0 -@user @user i will fight this guy! Don't insult the lions like that! But seriously they kinda are.Wasted some of the best players,0 diff --git a/notebooks/data/validation_emotion.csv b/notebooks/data/validation_emotion.csv deleted file mode 100644 index 64b1163f..00000000 --- a/notebooks/data/validation_emotion.csv +++ /dev/null @@ -1,375 +0,0 @@ -text,label -"@user @user Oh, hidden revenge and anger...I rememberthe time,she rebutted you.",0 -if not then #teamchristine bc all tana has done is provoke her by tweeting shady shit and trying to be a hard bitch begging for a fight,0 -Hey @user #Fields in #skibbereen give your online delivery service a horrible name. 1.5 hours late on the 1 hour delivery window.,0 -Why have #Emmerdale had to rob #robron of having their first child together for that vile woman/cheating sl smh #bitter,0 -@user I would like to hear a podcast of you going off refuting her entire article. Extra indignation please.,0 -If I have to hear one more time how I am intimidate men... I'm going to explode! Why are guys these days so pussified?,0 -depression sucks😔,3 -"O, the melancholy Catacombs quickly wandered about the Rue Morgue, Madman!",3 -#RIPBiwott I think Robert oukos soul can now rejoice and rest in peace. Call an evil man evil and a good man a good man. He was an evil man,0 -@user @user *on his back. Apologies for retweeting a tweet with grammatical error #mybad 😱,3 -@user Too much fun being interviewed by the supremely talented and funny #DatPhan #Comedy #laughter #soup,1 -Time to #impeachtrump . He is #crazy #mentally #sick and spews #hatred . #America is in trouble with him having #access to #nuclearcodes 👎👎,0 -#Trump's only #concern is personal #profit through his #brand and doing #favors for others in trade for his own needs. Not #US #people.,0 -Shame the cashback @user @user credit card comes to an end. I used to look forward to that end of year bonus. Sad really. #cashback,3 -Head hurting 😤,3 -@user there are more #frightening things in life\n\n#BeyondTheSphereOfReasonableDoubt,0 -@user @user @user Then why'd they wait until now to start getting pissy?,0 -When did it all started? All these depression & anxiety shits?All these suicide thoughts?All of these bad thoughts thts hugging me at night?,3 -You could have over a hundred million followers and still not a genuine person who understands you or wants to #cantshakethis #sadness,3 -Obama's 250+ offices of 'Organizing for Action' teaches #TheResistance #protesting #civildisobedience #treason #LOCKHIMUP #OFA,0 -@user unhappy and unfulfilled 😂,3 -@user broke it down on #snap great analysis on #CNBC,1 -"You can have a certain #arrogance, and I think that's fine, but what you should never lose is the #respect for the others.",2 -That said–due to passing the 50yr mark awhile ago–I know most of the #horrific damage to the #planet won't occur before my 'natural' #death.,3 -Each and every time I log on to that website to view the Lindsey Vonn pics I am #saddened by the courseness of our culture.,3 -probably watching sad bts video bc im sad :( iwannacryy :(\n halppp,3 -"----- #phobia = irrational fear of or aversion to something. Synonyms: dread, horror, terror, dislike, distaste, aversion BUT not a crime",0 -@user Well done! 😀 (your twins Charlii and Cadance),1 -@user @user That's actually awful! You are in for a treat when you get home tho!!,0 -Saw my first Larsen trap today with stressed magpie. I NEVER EVER want to see that again #angry #distressed #wildlife,0 -"@user placed order for nearly a grand SIX weeks ago, called yesterday, order 'missing' and no call back today! #shocking",0 -Happy that we played tgt as a team once. Thought there would be another chance out there but sadly no. Rest In Peace my dear friend. :(,3 -There's no excuse for making the same mistakes twice. Live & Learn or deal with the consequences of being unhappy #truthbomb,0 -God this match is dull #Wimbledon,3 -Someone needs to start listening to @user about #AllStarGame2017 ideas. #brilliant @user,2 -"@user Yes, or those animated comic book movies!",1 -@user @user 😂 snowflake random such a funny man never a dull moment brilliant,1 -Fuck small talk tell me about at what age did you start disappointing your parents,0 -"We can replace #loss with #hope, #hate with #love, #pain with #gain, if we close the window of #bitterness and open doors of #faith. #TryIt",2 -Happy Birthday to #Olympic #great and #champ @user 🎉 🎂 🎈,1 -SOLD OUT!!!! Next batch in 3 days!!!!,1 -Do not presume that richness of poorness will bring you happiness - Santosh Kalwar #quote #mentalhealth #psychology #depression #anxiety,3 -Only I could be talking to a catfish on tinder 💁😂 glad I don't use it seriously 🤣,1 -@user I was #fuming Kenny.,0 -@user @user both are awesome. People are missing out not watching fear!!!,1 -#Hopkinsville #Ky is #total #eclipse #capital of #world #August 2017 #dancing n #moon #dark #eclipse2017 #EclipseAcrossAmerica #Edgar #Cayce,1 -"@user Why announcing so late, it will be hard to make it from Manchester and organising a day off. #sad",3 -"To #Wyoming: you have a beautiful state but your road signs, or lack thereof, are terrible. #lost",0 -Can't Talk To An Incompetent Person. Goes In One Ear and Out The Other. #irritated #NoPoint #MassiveEyeRoll,0 -United Airline at Newark needs more Kiosks so that people won't miss their cut off time. And hire more ppl too. #horrible,0 -I am shy at first.It usually takes me a few minutes to assess the jaw of the people i am hanging out with and then i will act according🤷🏽‍♀️,2 -Jeong su is easy to get along with everybody likes him and not intimidated by him.. I like him.. he reminds me of seunghoon,1 -#anxious don't know why ................. #worry 😶 slowly going #mad hahahahahahahahaha,1 -I feel intimidated,3 -@user Oh dear! #tantrums,0 -maybe me and joey should have ignored each other on tinder and posted it on social media for a trip to Hawaii ☹️ #bitter,0 -Threaten to leave your girl shaking in a wet spot ....,0 -@user @user @user @user We are also wating when terrorism willb history. And one thing kashmir is not India's,0 -"@user Nope, thanks though. It took me yrs to find my hubby and he's great. He makes life great. # he really is #awesomeness",1 -@user Bro u just dey burst my brain Bro I need u 2 pls end everything rift BTW u nd my hommie davido pls Bro 4 d sake of luv.,1 -Worst dreams. 😥,3 -Idea 171 #Privacy is so #vital you could #start a privacy #service,2 -Not sure tequila shots at my family birthday meal is up there with the best ideas I've ever had #grim,3 -@user one of GH finest energetic #dancehall act #blessing in disguise 🙏 so so prolific 🙏,1 -Ugh. What's wrong with me today? Feel absolutely dreadful 😓 I wonder if I'm fighting something off...? Roll on home time.,3 -WAIT...Lawrence's friend dragged the fuck outta him!!,0 -Some people are shady a'f,0 -quick note about insta stories how the f do you expect me to read a paragraph of a caption in 1 second ????????????,0 -@user @user @user The hatred and fear many russians have for anything non-russian is just sad.,3 -Don't fucking tag me in pictures as 'family first' when you cut me out 5 years ago. You're no one to me.,0 -Kid at camp said my inner thigh looked like a slinky👌🤣 buddy those are stretch marks!!!! #SummerCamp #offended,0 -You would think booking a holiday for 2 you'd be sat next to each other on the bloody plane #fuming 😡@ThomsonHolidays,0 -"They are building a shell command on a server, combining that with user input, and then executing that in a shell on the client. #shudder",1 -"Shooting more than ever, making more mistakes than ever but I jumped in the pool of sharks a long time ago. #relentless *#resilient",2 -At a groovy restaurant. Got a cheeseburger and fries. I don't discriminate. Rating; 5/7 #yummy #delicious #politicallycorrect,1 -"@user @user @user YOU GUY'S SOUND astounded!! Does anyone working w Trump WH have an any ethical,moral, values? 🙈🙉🙊",0 -Add me on snap Whoa.Jay. #snap #streaks #snapchat #story #friends #add #follow #love #traveling #photography #funny,1 -"@user thanks Hollywood, (Depp). all these climate change fanatics using private jets and gas guzzling cars are to blame for this! #outrage",0 -@user @user Will be cheering for you both! Go @user and @user,1 -@user It's disgusting. #sick,0 -"That you have banished your own sadness, the way I am? #somber",3 -"1/If the Church is being attacked with such fury, and from the inside, that means that the Church is exactly what we need to belong to!",0 -And I will eat the end of term chocolates we bought as well! #fuming #doesntdeservethem #mightbedead,0 -"It was a bright cold day in April, and the clocks were striking thirteen. ~ George Orwell, 1984",1 -@user you're a cowan... that means you're a slimebag. I wouldn't trust you as far as I could throw you. #arsehole @user,0 -"Edinburgh is fucked\nThis city is a nightmare to drive 'round! 😖\nOne ways, bus lanes, cameras, feckin' trams! Who's idea was that?!",0 -Can't believe Zain starting secondary this year 😢,3 -@user @user @user @user Absolutely shocking behavour!!!!!!,0 -The same part of roof bar (driver's side) are stolen from Grand Vitara cars. Let it be known. This is really #disheartening #brunei,3 -hit by a sudden wave of sadness,3 -@user What happens if you don't want to watch this 'content'? Can't vote then 😆,0 -Hiya everyone if you want please #retweet my pin #rt #help #romance #wattpad #hurt #tweet #twitter #thanks,1 -@user You'll pine for my love one day Crabbe,3 -@user #red is #dread love it,1 -@user @user culture & language already protected.\n£ on 'promoting Welsh' better spent on Tourism or our dreadful schools ed record,0 -@user sir.. will we have the need for umbrella today evening.. sun seems to be stronger to pave way for clouds.. 😟,1 -"Imagine how many ksones are crying right now for not getting tickets 😭 Meanwhile, isones dont even get a chance to go on war for tickets 😭",3 -Remember your identity is in Christ. Give the sting of rejection to Christ. He’s been there he’s done that and He has the scars to prove it.,2 -People #honk like #idiots. Culture less indisciplined #Traffic #india #backtoreality #nightmare,0 -i just wanna be sober with u,2 -"@user Lord, we don't understand tragedy. Do what You do best: bring good grom it and comfort those who mourn. Amen",2 -When you only meet each other once at an interview and you recognise each other on the streets 🙆 I don't even know what's your name 😂,1 -"After sleeping past noon, I look out the window to see my hotel has a HOT TUB!!!!! #bliss",1 -I got a free Dr.Pepper from the vending machine #awesome,1 -At this point I can't tell if I just follow more people in politics on twitter now or if I need new friends. #wheresthefunny #depressing,3 -"I want to digital art so bad, but my dad won't let me use my iPad till exams are over 😂",3 -Today is gonna be terrible I can feel it,0 -#PhoenixRally #Deplorables insult and denigrate #JohnMcCain as he struggles with treatment for #glioblastoma #impeach45 incites,0 -Happy birthday Zanele \nI hope you have a wonderful day 💓@xan_radebe \n🎊🎉🎈,1 -Every day I always get a bit sad when I've finished my lunch.,3 -Coming up shortly #WetinDeyHappen #Satire #laughs #local #Pidgin cc @user and @user #stayTuned #premiumTalkStation,1 -horrid,0 -How do you feel about @user new feature #SnapMap 👎👍❓ #twitterpoll #polls #vote #Poll #Snapchat #twitter #tech #technology,1 -Wow what's up with #snap 😲📊📉⬇#cnnmoney,1 -@user Eduardo without injury was honestly amazing like so sad he's not looked at in the right light because of his Injuries.,3 -@user cute smile!,1 -@user @user @user No offense but.. Jeffee looks like a pink demon😂,1 -#wtf what a #wonderful idea \nyou've all bought your tweets and likes that's pretty pointless for Me #bye #bye #Twat,0 -@user hi bby today was okay i e-mailed design firms for my internship and now i'm nervous ;u; how's your day? :D,1 -@user A make up remover and insect sting relief!,1 -@user @user actually how annoyed you get 😂,0 -@user thinks the Oliver North defense insulates @user but all it does is make @user look inept! #NYTimes,0 -We're really not afraid of you all. We find you rather #annoying & #amusing. 😎😜🤣😂😂,0 -Theo's comment at the end😂 do one Tyla. #horrid #loveisland,0 -@user @user @user As half a set of twins I resent that!,0 -Let's hope the ct scan gives us some answers on this lump today #nervous,3 -"I'm pre happy with my Arcadian run, beat a few people I was scared of",1 -"Had frustration dream that left me utterly f**king furious. Plus side: so angry couldn't sleep, wrote 1500 words. Minus side: still raging!",0 -Wtf shawty ass on 😤,0 -@user CNN's Wolf Blitzer calls you an American astronaut and you don't correct him? #dissapointed,3 -. @user you're a crook. #joke #thief #bully #wanker #dirty #richbutgarbo,0 -"@user happy bday Ruth, hope you have an amazing day 💘💘x",1 -I'm glad my kids don't fuck with Blac Youngsta. That nigga terrible for our community,0 -@user @user How awful!!!!!!,0 -"Some peoples thought process can be very alarming. These nasty, common women who will bed another women's man without conscience . . .",0 -"+++ '#Dearly #beloved, avenge not yourselves, but rather give place unto #wrath: for it is #written, #Vengeance is #mine; I …' #Romans12v19",2 -@user #OOC Thing is she holds a grudge like mad,0 -When you have just about enough @user in your jar at work for 1/4 of a slice of toast 😩😩 #unhappy,3 -I never thought I would say this but I really miss Todd 😥,3 -@user Waste of time had this before nothing gets done. Won't be using you again #awful,0 -"peplamb: stevenfurtick #comfort all who #mourn, To console those who #mourn in #Zion, To give them #beauty for #ashes, The #oil of #joy for…",1 -"No better party than #Labour for #lies, #intimidation, #threats & questionable activities, yet somehow they're the #victims? Unbelievable!",0 -@user @user jenny white u r the dumbest here .. What r u trying ? Get lost..,0 -@user @user @user u horrible non gender binary boy go fangirl over some mediocre singers who CANT EVEN SUPPORT,0 -Why the FUCK have i just saw a Game of Thrones spoiler on snapchat? SOME OF US HAVENT SAW IT YET 🖕🏻🖕🏻🖕🏻🖕🏻🖕🏻 #arsehole,0 -Caleb had a nightmare about zombies. I had a dream about freedom.......,2 -Are u #depressed #hypo #manic #lonely #bored #nofriends #needfreinds #friend I feel chatty I wanna help ppl or just #makefriend 's #dm #moms,3 -I spotted the fed and all I got was #Ejaculating live bees and the bees are #angry.,0 -@user @user I'd be thrilled if he committed but nervous the whole time until NSD. Kid being from Cali makes me nervous.,1 -Soon the trailer will have more likes than views 😆,1 -@user @user @user looking fab today pleasing to the artistic eye! #GirlPowerTuesday,1 -Didn't know the @user cow day thing ended at 7:30 so showed up 30 min late looking like a cow with no sandwich #sadness 😅😅😅,3 -@user burning up damn,0 -#depressed Today was bitter sweet watching all the kids go back to school made me really miss my babies. I'm so broke #backtoschool2017,3 -"Leviticus 19:14\nYou shall not curse the #deaf or put a stumbling #block before the #blind, but you shall #fear your #God: I am the [1/2]",2 -"I was thinking about Fergie's music M.I.L.F and seriously, if I'm a mother someday, I'll be a M.I.L.F #lmao #Empowerment #adorable",1 -And the United fan boys cover their eyes in horror,0 -A #teacher who is attempting to teach without #inspiring the #pupil with a #desire to learn is hammering cold iron. #HoraceMann,2 -my mom's work has discounted riot fest tickets for $147/3 days i'm #saddened,3 -Why does @user get rudely interrupted by the worst thing ever imaginable?!? Ugggg #irritated,0 -@user Remember not to spread #hatred and #fakenews on the internet. Do not abuse #Hashtag10 for spreading #ArabNationalism!,0 -"When Duane Allman died, I learned to appreciate Stevie Ray Vaughan. True story. #blues #legends",2 -People dread a Snapchat streak with me cos the death threats I send to save it,0 -@user Happy birthday to you #beautiful Kylie! 🤗😙❤🎁🎂🥂,1 -The next time I go to Lagos I will gate crash somebody's owambe dressed in lace and gele to eat amala and shake my waist😑,1 -fuck a nigga feelings till I find a nigga I'm feeling 😆,1 -"*on a lighter note*\nGG, Nkaissery & Total Man? The rate at which Jubilee is losing these votes!! 😟",3 -"Hey buddy, I just came by to feed my Venus Flytrap. —Sue (S1E13) #glee",1 -Ash has the weirdest laughter,1 -Why a #terrorist was given a funeral in #Kashmir as per his #religion? 1000s came in. So #terror does have a religion. #ReligionOfPeace,0 -Oh @user what hast thou done to thy configurations? #despair,3 -@user @user Piece of #crap,0 -"Counting on you, Queensland. #StateOfOrigin #Broncos #maroons #blues #NSWBlues #qld",1 -"since the last episode of fight for my way is airing tonight & taekook will probably watch it together, do y'all think jk might take revenge",0 -@user is there a way to watch NYC Million Dollar Listing & filter @user OUT of the episodes? #primadonna #duckface #tantrum,0 -@user @user Lmao the lack of self awareness in this last tweet is genuinely awe inspiring,2 -y'all don't understand. this woman's wrath is REAL. 🌹🖤,0 -"@user No, but I'm planning on it before September 😊",1 -wow :o this was included in the playlist #awesome,1 -@user Proverbs 8:13\nThe #fear of the #Lord is to hate #evil; Pride and #arrogance and the #evil #way And the perverse #mouth [1/2],0 -very very irritated 😐,0 -i excepted the eclipse to make me believe in an omniscience force #dissapointed,3 -@user #loveisand next time there's a dumping get #Olivia out of there! She's #dreadful and not good for Chris,0 -Fucking fuming is an understatement,0 -"Are we making the dark, darker or are we shining the light of Jesus into the dark.\n #Jesus #light #shine",2 -'your marker teacher'.i looked at him n just burst out laughing i swear these kids will never take me seriously 🤦🏻‍♀️,1 -Need your help guys 😊 survey for a friend,1 -@user You're page is full of make up. It's a valid question. But you probably prefer to be smashed and dashed,0 -@user @user @user @user @user We'd be fuming if the hijacked our £8m move for a relegated full back 😡,0 -@user @user All I know is the sentence will start with 'look...' like any high school punk would start a threat.,0 -HAPPY BIRTHDAY TO THE PANDERIFIC PANDA IK.@TheOrionSound I hope you have an amazing day Oli i love u so much and i ❤️ur vids they make me 😃,1 -Look upon mine #affliction & my ​​​#pain​; & forgive all my sins. -Ps 25:18,3 -When you just don't know where to go or what to do next.. in life..🤔 #lost,3 -If @user Presidential run is as bad as his appearance in #Baywatch neither party need fear his run. That's $8 I'll never get back #crap,0 -work is going to kill me and 5 o'clock is nowhere near 😟,3 -"Nigga write me talking bout I dreamt about you, cool I hope I was haunting you in a nightmare",1 -Good Morning Tuesday! No crap today please 😃 #tantrums #toddler #cuddly #struggles #3 #10 #PMA,2 -"People were always afraid that stodgy squares would kill rock and roll, but the only legitimate threat was ever child choruses.",0 -Ha ha love flats description of Marlie packer... Default setting 'combat mode'.... 😂😂😂😂😂 #brilliant \n@davidflatman @user #WRWC2017,1 -I literally love Paul so much #BB19 #pissed 😂,0 -"If you sit back, watch & listen to every .@TheDemocrats & .@DNC member, you'll quickly learn it's #Victimhood, #racism, & #hatred. I'm #WOKE",0 -My new favourite #film with out a shadow of a doubt it #Okja #beautifull #funny #sad #emotional #real #Netflix #MUSTWATCH #now,1 -"@user Conte is furious with his board, wants all of them or he quits.",0 -Okay I seriously don't know how this whole twitter thing works #lost,3 -Three retweets of dumb Fox shit and one original tweet that is a blatant lie from SCROTUS this morning--nada about his wretched offspring. 🤣,0 -Afraid of no one an no one scares me!!! Funk y'all thought image one mans army!! '!,0 -@user Because one of them has to be wrong :) we just want to believe it's H&M haha 🙃,1 -Alright Alex and I have party boy neighbors who blast music,1 -"Beware the wrath of an angry, frustrated, #agile grandma with a network. 👵🏼😡 I'm just sayin'. #objectlesson",0 -dropped my birth control on the floor and cant find it cause it blends with the carpet 🙃 #joy,1 -Hmm...looks like no one @user is available to respond. Its like waiting for a #doomsday reply. That #burning question with no #answer,0 -"you annoy me, your name annoys me, your EVERYTHING annoys me 🙃",0 -Sending love & prayers to the families of @user Marines lost in the C-130 crash in Mississippi. May our Lord help abate the grief and sorrow,3 -'Sleepy' lotion by @user smells like if a bouquet of lavender and a bunch of toasted marshmallows had a love child. #delicious,1 -'When is it going to be that we start to define our own art?' Black music's relationship with literary tradition at Across Cultures #Mix2017,2 -@user Hahaha got the same forward !! I want to find the source and teach 🤣,1 -#IfOnlyPeopleWould not exist. #humanity #life #ignorance #nature #mothernature #sad #disappointment #smh #personal #opinion #views #animals,3 -"again i realize some of you may worry about me being gone so long! fear not, for i have made a new life for myself in the sewers,",2 -Don’t let the fear of losing be greater than the excitement of winning. ~Robert Kiyosaki\n\nAllOutDenimFor KISSMARC,2 -@user Yes it is happening. If u have a welding shield u can get a first hand view.,2 -"Not only has my flight been delayed numerous times, we have not been provided with a snack cart #horrific",0 -Interesting briefing this evening to learn how to shape housing policy in #Epsom&Ewell upto 2032 and @user Cllrs absent,2 -@user Very sad and upset and idk :/,3 -"Lost without my Mom 😢 plus tired, sick and full of cold is just another day in paradise..... #upset #unwell #missyoumommybear 💖💖",3 -@user @user Literally I'm in awe,1 -get to 84 and the intruder alarm is going off... lolz one of the PTs set it off 🙈,1 -@user What a miserable piece of shit 😡,0 -All this makeup is going on sale....\nBut I ain't got the funds. #heartbreaking,3 -You don't know fear until you have clogged the toilet at work and can't find the plunger. #horrifying #bathroom #FirstWorldProblems,0 -"guess who stayed up until 2am just incase someone called but they never did like i knew already , it's me, mistakes were made",3 -Definitely something happening today #SolarEclipse2017 #weird #annoyed,0 -@user No DSM shows. #sadness,3 -and after i got home in such a horrible mood my mom pissed me off the moment i stepped my feet in the house so i really almost go off on her,0 -How has Berger King gotten away with selling absolute 💩for this many years? #terrible,0 -"I click on download on my PC. Message says 'Thank you for downloading #iTunes \nSo, where's the download?! #frustrated",0 -@user sadly #digitakt seems to be out of stock all over Europe. Do you know if any European online store that has it?,3 -#revenge marathon has begun ⚡,0 -Tonight's run.... #restless,3 -@user I dont know but you seem to have annoyed her 😄,0 -Only halfway through #madeforlove by @user But it's utterly #brilliant. #Reading it has me laughing out loud.,1 -@user Is that the new studio kit? I'd be terrified of pressing the wrong button and launching something dangerous! 😊,1 -@user i feel shy to call you a friend your a sister💙💙,1 -@user @user if you get time.. @user buyers it sellers or what are we going to do!!?! #panic,3 -@user Send me a FR: Jaygerrr and I'll smoke you on madden when it comes out 😂🤙,0 -@user Your silence=complicity. Obviously you have no problem with Russian interference. #sad #russianhacking #treason,3 -@user @user The only word worse than 'moist' in my opinion is 'scrape'. #ugh #shudder,3 -Same ☹,3 -Coulda sworn it was Interview With A Vampire. Hmmm......Mandela Effect anyone? \n#interviewwithavampire #annerice #books #horror #ilovevamps,1 -"omg so grateful to have an education but ive been back at school for 2 (two) days and my back hurts, im exhausted and breaking out already 😍",1 -Thinking about life this morning and how something is missing. — feeling restless,3 -Bedtime. After a full listen of Lou Reed's album Transformer. Full albums are underrated these days. #back2back #enjoyment 💿 🎶 x,1 -"@user @user Sebestian Gorka, what a arrogant A~hole! Has no business speaking!",0 -"' i can't even tell u a lie I felt like u were special, till I realized wassup and left, got u feeling dreadful '",3 -"Won't be watching ESPN anymore, they took Robert Lee off because of HIS name, PC Police, what insanity! more #hatred #bigots #LeftwingNutJob",0 -Taking time out of our busy to catch the #great #American #eclipse! It is really incredible to see even our partial view! How was your view?,1 -@user @user Are they the new kennedy's of American politics.. sadly both mom and daughter are as charming as a toe nail,3 -"I'm pale, I no longer wanna laugh, Or smile, All I wanna do is just fucking cry,",3 -@user @user @user 'felt our soul'! hilarious!,1 -So #glad all four of our #top picks got through on #AGT,1 -"Just waved daughter and her wee friend off to school, walking by themselves #sob #terrifying!",3 -@user @user Philippines 😃,1 -"@user @user His knife is clean. He is tough enough to fire a gun, but not tough enough to get his hands dirty. #awful",0 -@user @user Non-story.\nDaughter tripped home alarm. Cop responded.,2 -@user Thank you for sharing your concern. Please DM your Jio & alternate number to assist you - Rahul,1 -How come quiet well behaved cats and dogs have to ride on a plane in a tiny bag while screaming small humans roam free? #outrage #teampet,0 -Alaina and I are at 90 days on our snap streak. So?,2 -@user @user I made it too #quickandeasyfood,1 -@user @user @user HAHAHA ok ill back away #coy,1 -@user @user @user @user Stupidity is part of their proud cultural identity. 😠,0 -My @user train is announcing absolutely everything overground station on the network #giggle,1 -I think I'll eternally be irritated by our LIT teacher 😂,0 -Chelsea and united must be furious,0 -@user #terrible lol I'm kidding,1 -"Am I the only person who is not that excited to go there. Yeah im excited, but im more afraid.Adapting and studying. I dont want to be",1 -@user Grass growing simulator is offended,0 -A bih be on lock down and shit. #depressing,3 -"@user In other words, I don't like the result of the poll so I'm packing up my polls & taking them home while I pout. 😂😂😻 #bbn",1 -@user felt guilt from playing this game. #horrible #RainbowSixSiege,3 -if you wake up somewhere else...you will know some #arsehole has pressed a button ;),0 -@user not impressed by your customer support. Forcing customers to use fb chat or sms! Very slow. issue is not getting sorted,0 -It's a beautiful pout. c:,1 -today i feel like an exposed wire dangerously close to another exposed wire and any provocation will fry me,0 -@user Coffee\n\nNow something else to worry about.,3 -EEEEEKKKK!!!!\nProduct LAUNCH 😍✋💖\nI'm am literally B•U•Z•Z•I•N•G!!!\nSingle sachets 😍😍\n \nMessage me for yours! 😜🙆💜#loveyourlifestyle #shakes,1 -The greatest happiness is seeing someone you like stay happy - Daidouji Tomoyo [Cardcaptor Sakura ],1 -@user Bastard squirrels. 😡,0 -@user Disgusting. @user you just may end up like #snap. #traitor,0 -"Or all of it, with our displeasure pieced, #shakespeare",3 -Lost my appetite for the past 5 days and I swear I already lost 3 pounds #depressing #at #least #i #will #be #skinny #for #pride #weekend,3 -get the fuck over yourselves. we are the most capable and you wanna sit and sulk in your bullshit and fear of failure honestly fuck yourself,0 -i can already tell molly tryna be fake above shit so she gon deny dude one time then jump on his offer in the end. #insecure,0 -#revenge or #Change . You #ChooseASide for your country #India,0 -@user You would have been raging as it was probably put in place instead of an extra crisp,0 -"So me and my mom were talking about highschool, I'm shy so she said that she thinks I'm gonna get bullied😒 #shy #me #mylife #moms #bullying",0 -@user @user @user They've obviously never tried 'repressing' a red head #fiery,0 -@user Okay awak 😆,1 -"@user R.i.p my friend, cant get my head round this, #devastated x",3 -Why do a certain section threaten war and spit fire and brimstone each time they hear the words “restructuring” and “self-determination”?..,0 -I just watched the video that i took at troye's concert last year during happy little pill and now im crying i miss him @user 😭,3 -Sarah is a complete lunatic. How Chad is still giving her his time is beyond me. #cbb #mad #crazy,0 -I swear to god my husband is gonna get us murdered by someone with road rage because he drives like he's in the Indy 500,0 -Great...So I got up at 5am only to discover that my Amazon Prime Day deal was $30 more than the regular price. 😡,0 -By the way...in case you didnt know...joshuas goin out tonight...to take the trash out and then play blues at ever us 6.75,1 -@user It's horror stories like that that make me so greatful ☺️,1 -"Repeated terror attacks,no1 can define the religion of terrorists.\n1 guy arrested,Terrorists/ism got it's religion.",0 -If God had a plan he would've made already #discouraged,3 -@user Oh schade 🙁,3 -I'm soooo annoyed. Wait to start my morning.,0 -Chopper <<Dammit! Just sink already!>>,0 -There's nothing interesting here besides of retweet for follow #annoyed 😣😣,0 -@user || I smell your fear.,2 -"Just finished #TheKeeperOfLostThings. Incredible, #charming #book! LOVED it!! @user You weave story telling magic! LOVE!!!!",1 -"The blackest abyss of despair, Alonzo",3 -Why are girls so bad at letting shit go? That's prolly why they're moody. They're all built up with grudges and anger and regret. 😂,0 -Afridi !!! 100 off 42 !! #mad,0 -@user Isn't it always about control and mistrust?,0 -#NAME?,0 -Really don't want my mom to go back home 😢 😢 😢 😢 😢 😢 😢 #gutted #crying #miserable #why,3 -@user I will not fall to the dark side😂😂,1 -"@user It was indeed, I was raging at the verdict. Can't imagine how the poor lassies family felt.",0 -@user Seriously @user !? This is news to you?!? #sad \n\nWhy not focus on important issues??,3 -"Africa has unique and tremendous problems with war, overpopulation, starvation and tribalism which makes moving Africa forward hard.",3 -@user @user is it ok for your drivers to smile not open the door and drive off,0 -HAPPY BIRTHDAY! :D,1 -@user The ignorance of the left is shocking,0 -@user @user can i ask im trying to pout a code on csgo roll i cant when i pout the code its red color.. help pls,3 -@user The destroying of my memory is my goal so ECT might work. Or a zapper thingy like in Men in Black. Or Dumbledore's pensive.,0 -@user Oh lords. That would have had my blood boiling,0 -@user ya and kind of depressing if you think about it\n!,3 -"Fed up of false info from @user mini store, pls hire or franchise ur mini stores to serve customers, not to threaten or force them!",0 -"@user Noooo, Sunbae-nim! Don't tease me like that- 😤",0 -@user @user what the phd! eesav gattiga 😆,1 -@user devour the unborn\nhuman rejection\nfrom wrath to ruins,0 -@user U so lucky ahu 😭,1 -I need to study up on celebrities' birthdays bc my heart almost stopped when I saw Harrison Ford trending... 😯 #relieved,1 -Everytime I think my life is getting better it never comes through #sadly,3 -"It could be soul-crushing despair, but it also might just be the marshmallows I had for breakfast",3 -"Don't let hatred grow in you, otherwise everything in your life will be affected. It will distract & anger you. It will often end in regret.",0 -"@user customer service is dreadful, phone bill is huge and get passed from person 2 person and keep taking money off my card #idiots",0 -@user @user @user Seems legit. I always flinch right before I tell the truth.,2 -Get the feeling @user and @user might be reviewing showing all stages in full. Poor @user @user 😴😴😴 😉 #dull,3 -"Please ruin this party, @user #origin #blues",0 -#Muslims kill people then terrorism has no religion . If a #hindu kills a muslim then we are hindu terrorist #hypocrites,0 -Can't stand it when lads put their middle finger up in pics,0 -#CNN really needs to get out of the #Propaganda Business.. 30 seconds on USN fallen Soldiers tragedy. Right back at spewing #hatred #POTUS,0 -Being @ #work #sober 🤦🏽‍♂️ I can not do it,3 -"#IndiaAgainstIslamists #RadicalIslam possess the danger not only2 #India ,but also 2the world .Its time 4 uprooting the source f #terrorism",3 -Seriously about to smack someone in the face 😵 #arsehole,0 -What do I do with my heart that is trembling by just the thought of it?\nI really don’t know what love is,3 -Chyna didnt respond to rob cus she knew damn well she was plottin. But i knew he hurt her deeply with that revenge porn,0 -"@user @user whose customers love it. Imagine being a hack these days, having to sing the tune the paymaster calls. #dismal",3 -All and boy play n0 no play dull and mᴬkes.,3 -sick of this shit. #mad #angry. Rowan Atkinson Is Not Dead. Just A Bloody Online Hoax😡😡😡😡🤬🤬🤬🤬,0 -Best horror Comedy movie of 2017 #AnandoBrahma @user #SrinivasReddy . In 2nd half I got throat pain #toomuch #laughs,1 -@user @user Who can I talk to about being terminated with no answer and not being paid for hours I worked? ERC have no answers,0 -@user Not of this one sadly! 😪,3 -#faith is like #oil but #fear is like #dust easily blown away,2 -3 and a half hour more 😤 #EXO,0 -@user What's the make so we can panic 😃,0 -I'm smiling like a mf,1 -Every #DIVA needs her Period Panteez 2 B X-TRA Confident & Secure! Don't wait 2 have UR #period ! #thetalk #fallfashion #instyle,1 -@user My husband gets up and hour before. Every day upon opening my eyes I ask him 'did he start WWIII yet?',1 -Everything I order online just comes looking like a piece of shit 😤,0 -"@user @user @user Would you like to clean my cooker top, please??? 😉😊 #sparkling #nomess #sunglassesneeded",1 -Some 'friends' get bitter when it seems your life is moving better than theirs.,3 -"Life is too short to be jealous, hating, keeping up mess, and worrying about things that do not concern you.",2 -@user @user What a joyless cunt.,0 -@user You're eating skin that could have been sent to a tannery for leather processing. 😄,1 -"Very important thing for today: \n\nDo not #bully yourself with #100DaysOfCode \n\nBelieve me, It ruins fun!",3 -"@user @user If #trump #whitehouse aren't held accountable for their actions,what precedent is being set for future presidencies. #nightmare",0 -@user Which #chutiya #producer #invested in #crap #deshdrohi ??,0 -Russia story will infuriate Trump today. Media otherwise would be giving him tongue bath for fall of ISIS in Mosul + al-Baghdadi death.,0 -Shit getting me irritated 😠,0 -"@user @user If this didn't make me so angry, I'd be laughing at this tweet!",0 diff --git a/notebooks/baal_prod_cls.ipynb b/notebooks/production/baal_prod_cls.ipynb similarity index 92% rename from notebooks/baal_prod_cls.ipynb rename to notebooks/production/baal_prod_cls.ipynb index 916fa58d..0542ecf9 100644 --- a/notebooks/baal_prod_cls.ipynb +++ b/notebooks/production/baal_prod_cls.ipynb @@ -3,13 +3,10 @@ { "cell_type": "markdown", "metadata": { - "collapsed": true, - "pycharm": { - "name": "#%% md\n" - } + "collapsed": true }, "source": [ - "# Use Baal in production (Classification)\n", + "# Use Baal in production (Image classification)\n", "\n", "[![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/baal-org/baal/blob/master/notebooks/baal_prod_cls.ipynb)\n", "\n", @@ -35,8 +32,7 @@ "execution_count": 1, "metadata": { "pycharm": { - "is_executing": false, - "name": "#%%\n" + "is_executing": false } }, "outputs": [ @@ -60,11 +56,7 @@ }, { "cell_type": "markdown", - "metadata": { - "pycharm": { - "name": "#%% md\n" - } - }, + "metadata": {}, "source": [ "Introducing `baal.active.FileDataset` and `baal.active.ActiveLearningDataset`\n", "\n", @@ -84,8 +76,7 @@ "execution_count": 2, "metadata": { "pycharm": { - "is_executing": false, - "name": "#%%\n" + "is_executing": false } }, "outputs": [], @@ -114,11 +105,7 @@ }, { "cell_type": "markdown", - "metadata": { - "pycharm": { - "name": "#%% md\n" - } - }, + "metadata": {}, "source": [ "\n", "We now have two unlabeled datasets : train and validation. We encapsulate the training dataset in a \n", @@ -139,8 +126,7 @@ "execution_count": 3, "metadata": { "pycharm": { - "is_executing": false, - "name": "#%%\n" + "is_executing": false } }, "outputs": [], @@ -167,11 +153,7 @@ }, { "cell_type": "markdown", - "metadata": { - "pycharm": { - "name": "#%% md\n" - } - }, + "metadata": {}, "source": [ "### Heuristics\n", "\n", @@ -185,8 +167,7 @@ "execution_count": 4, "metadata": { "pycharm": { - "is_executing": false, - "name": "#%%\n" + "is_executing": false } }, "outputs": [], @@ -197,11 +178,7 @@ }, { "cell_type": "markdown", - "metadata": { - "pycharm": { - "name": "#%% md\n" - } - }, + "metadata": {}, "source": [ "### Oracle\n", "When the AL process requires a new item to labeled, we need to provide an Oracle. In your case, the Oracle will\n", @@ -213,8 +190,7 @@ "execution_count": 5, "metadata": { "pycharm": { - "is_executing": false, - "name": "#%%\n" + "is_executing": false } }, "outputs": [], @@ -227,11 +203,7 @@ }, { "cell_type": "markdown", - "metadata": { - "pycharm": { - "name": "#%% md\n" - } - }, + "metadata": {}, "source": [ "### Labeling process\n", "The labeling will go like this:\n", @@ -248,8 +220,7 @@ "execution_count": 6, "metadata": { "pycharm": { - "is_executing": false, - "name": "#%%\n" + "is_executing": false } }, "outputs": [ @@ -282,8 +253,7 @@ "execution_count": 7, "metadata": { "pycharm": { - "is_executing": false, - "name": "#%%\n" + "is_executing": false } }, "outputs": [ @@ -326,11 +296,7 @@ { "cell_type": "code", "execution_count": 8, - "metadata": { - "pycharm": { - "name": "#%%\n" - } - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -355,11 +321,7 @@ { "cell_type": "code", "execution_count": 9, - "metadata": { - "pycharm": { - "name": "#%%\n" - } - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -383,7 +345,6 @@ "execution_count": null, "metadata": { "pycharm": { - "name": "#%%\n", "is_executing": true } }, @@ -415,11 +376,7 @@ }, { "cell_type": "markdown", - "metadata": { - "pycharm": { - "name": "#%% md\n" - } - }, + "metadata": {}, "source": [ "And we're done!\n", "Be sure to save the dataset and the model.\n" @@ -428,11 +385,7 @@ { "cell_type": "code", "execution_count": 11, - "metadata": { - "pycharm": { - "name": "#%%\n" - } - }, + "metadata": {}, "outputs": [], "source": [ "torch.save({\n", @@ -444,11 +397,7 @@ }, { "cell_type": "markdown", - "metadata": { - "pycharm": { - "name": "#%% md\n" - } - }, + "metadata": {}, "source": [ "## Support\n", "Submit an issue or reach us to our Slack!" @@ -476,4 +425,4 @@ }, "nbformat": 4, "nbformat_minor": 1 -} \ No newline at end of file +} diff --git a/notebooks/baal_prod_cls_nlp_hf.ipynb b/notebooks/production/baal_prod_cls_nlp_hf.ipynb similarity index 83% rename from notebooks/baal_prod_cls_nlp_hf.ipynb rename to notebooks/production/baal_prod_cls_nlp_hf.ipynb index b26c6c44..9ef56c31 100644 --- a/notebooks/baal_prod_cls_nlp_hf.ipynb +++ b/notebooks/production/baal_prod_cls_nlp_hf.ipynb @@ -1,48 +1,52 @@ { "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Use Baal in production (Text classification)\n", + "\n", + "In this tutorial, we will show you how to use Baal during your labeling task.\n", + "\n", + "**NOTE** In this tutorial, we assume that we do not know the labels!" + ] + }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "Gja7GaerCjTA", - "outputId": "6cd84706-a8dc-4153-b547-c3ba4b6265ae" + "pycharm": { + "is_executing": true + } }, "outputs": [], "source": [ - "import argparse\n", + "\n", + "import os\n", "import random\n", "from copy import deepcopy\n", - "import os\n", - "from tqdm import tqdm\n", "\n", "import numpy as np\n", - "\n", - "import torch\n", "import torch.backends\n", - "\n", + "import transformers\n", "# These packages are optional and not needed for BaaL main package.\n", "# You can have access to `datasets` and `transformers` if you install\n", "# BaaL with --dev setup.\n", - "from datasets import load_dataset, Features, Value, ClassLabel\n", - "from transformers import BertTokenizer, TrainingArguments\n", + "from datasets import load_dataset\n", + "from tqdm import tqdm\n", "from transformers import BertForSequenceClassification\n", + "from transformers import BertTokenizer, TrainingArguments\n", "from transformers import set_seed\n", - "import transformers\n", - "\n", "\n", "# Only warnings for HF\n", "transformers.utils.logging.set_verbosity_warning()\n", "\n", "from baal.active import get_heuristic\n", - "from baal.active.active_loop import ActiveLearningLoop\n", "from baal.active.dataset.nlp_datasets import (\n", " active_huggingface_dataset,\n", " HuggingFaceDatasets,\n", ")\n", - "from baal.bayesian.dropout import patch_module, unpatch_module\n", + "from baal.bayesian.dropout import patch_module\n", "from baal.transformers_trainer_wrapper import BaalTransformersTrainer\n", "\n", "from typing import List\n", @@ -72,9 +76,12 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": { - "id": "o6Pow8-gsdPk" + "id": "o6Pow8-gsdPk", + "pycharm": { + "is_executing": true + } }, "outputs": [], "source": [ @@ -83,7 +90,7 @@ " \"batch_size\": 4,\n", " \"model\": \"bert-base-uncased\",\n", " \"query_size\": 5,\n", - " \"heuristic\": \"batch_bald\",\n", + " \"heuristic\": \"bald\",\n", " \"iterations\": 15,\n", " \"shuffle_prop\": 0.05,\n", " \"learning_epoch\": 3,\n", @@ -99,7 +106,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "metadata": { "colab": { "base_uri": "https://localhost:8080/", @@ -121,20 +128,7 @@ "id": "6ZI2Wj-6EJnQ", "outputId": "bc398d5a-167a-44ac-86c6-beb1177f0e06" }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Downloading: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████| 570/570 [00:00<00:00, 867kB/s]\n", - "Some weights of the model checkpoint at bert-base-uncased were not used when initializing BertForSequenceClassification: ['cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.seq_relationship.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.decoder.weight', 'cls.seq_relationship.bias', 'cls.predictions.bias']\n", - "- This IS expected if you are initializing BertForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", - "- This IS NOT expected if you are initializing BertForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", - "Some weights of BertForSequenceClassification were not initialized from the model checkpoint at bert-base-uncased and are newly initialized: ['classifier.weight', 'classifier.bias']\n", - "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" - ] - } - ], + "outputs": [], "source": [ "# Check for CUDA\n", "use_cuda = torch.cuda.is_available()\n", @@ -158,6 +152,7 @@ "# Send model to device and setup cuda arguments\n", "if use_cuda:\n", " hf_model.to(\"cuda:0\")\n", + " no_cuda = False\n", "else:\n", " hf_model.to(\"cpu\")\n", " no_cuda = True" @@ -178,9 +173,12 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": { - "id": "EGkBGUUWLLGO" + "id": "EGkBGUUWLLGO", + "pycharm": { + "is_executing": true + } }, "outputs": [], "source": [ @@ -203,7 +201,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "metadata": { "colab": { "base_uri": "https://localhost:8080/", @@ -225,44 +223,13 @@ "id": "5oXpNiPTCwp3", "outputId": "2735d9d2-e02d-48f8-d065-070518299876" }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Using custom data configuration default-8925cc3e264ff989\n", - "Found cached dataset csv (/home/nitish1295/.cache/huggingface/datasets/csv/default-8925cc3e264ff989/0.0.0/6b34fb8fcf56f7c8ba51dc895bfa2bfbe43546f190a60fcf74bb5e8afdcc2317)\n", - "100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2/2 [00:00<00:00, 393.07it/s]\n", - "Parameter 'indices'=. at 0x7f5c739e6ac0> of the transform datasets.arrow_dataset.Dataset.select couldn't be hashed properly, a random hash was used instead. Make sure your transforms and parameters are serializable with pickle or dill for the dataset fingerprinting and caching to work. If you reuse this transform, the caching mechanism will consider it to be different from the previous calls and recompute everything. This warning is only showed once. Subsequent hashing failures won't be showed.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Complete dataset processing will take ages to run, clipping data just for demo on CPU\n" - ] - } - ], + "outputs": [], "source": [ "# Define labels in your dataset\n", "label_list = [0, 1, 2, 3]\n", "\n", - "# Define features\n", - "features = Features(\n", - " {\"text\": Value(\"string\"), \"label\": ClassLabel(num_classes=4, names=label_list)}\n", - ")\n", - "\n", - "# Map files to the splits\n", - "data_files = {\n", - " \"train\": \"data//train_emotion.csv\",\n", - " \"validation\": \"data//validation_emotion.csv\",\n", - "}\n", - "\n", "# Load data from files\n", - "dataset_emo = load_dataset(\n", - " \"csv\", data_files=data_files, delimiter=\",\", features=features\n", - ")\n", + "dataset_emo = load_dataset(\"tweet_eval\", \"emotion\")\n", "\n", "# Reduce dataset size to 10% for CPU\n", "if not use_cuda:\n", @@ -278,14 +245,13 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": { "id": "dBSzk1tGSnJ8" }, "outputs": [], "source": [ "def get_label_from_data(active_dataset, indexes) -> List[int]:\n", - "\n", " \"\"\"\n", " Get labels from the active dataset, this assumes that you have\n", " already labelled some samples in your initial dataset\n", @@ -324,14 +290,13 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "metadata": { "id": "7dzwnCzkOOCk" }, "outputs": [], "source": [ "def get_label_human_oracle(active_dataset, indexes) -> List[int]:\n", - "\n", " \"\"\"\n", " Get labels from human oracle. During the AL loop some samples\n", " will go to the human labeller\n", @@ -405,7 +370,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": { "colab": { "base_uri": "https://localhost:8080/" @@ -414,164 +379,7 @@ "outputId": "86ffe4ea-ca9e-4596-f7ba-b4bc353d81f6", "scrolled": false }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Adding labels for Raw data Index 165 : @user that is one thing but attacking and hating is worse - that makes us just like the angry vengeful behavior we detest\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 41 : so gutted i dropped one of my earrings down the sink at school\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 95 : @user I assure you there is no laughter, but increasing anger at the costs, and arrogance of Westminster.\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 159 : @user @user Quite the response of retaliation from Weiner in getting revenge on Huma & Hillary 'clam digging'.\\n#AllScumbags\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 13 : What a fucking muppet. @user #stalker.\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 169 : Every day I think my #house 🏡 is #burning 🔥 but it's always just my neighbor burning their #toast! 😷😡🍞\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 117 : Wow... One of my dads top favorite throwback rappers just died in a fiery car crash today in Atlanta, so sad so sad 😷😷\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 89 : Nothing worse than an uber driver that can't drive. #awful\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 171 : @user #nothappy and still #charging the #fullprice 😡😡 #fuming some your #bestrides 😳😳\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 8 : @user broadband is shocking regretting signing up now #angry #shouldofgonewithvirgin\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 19 : @user @user @user Tamra would F her up if she swung on Tamra\\nKelly is a piece of 💩 #needstobeadmitted #bully\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 246 : @user snap, seems to be a problem here\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 65 : People who go the speed limit irritate me\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 224 : Riggs dumb ass hell lolol #hilarious #LethalWeapon\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 300 : @user now you gotta do that with fast n furious\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 208 : @user @user @user @user Take 2k out of it the numbers on madden are low and have dropped and people are unhappy\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 258 : @user @user @user @user @user I understand your concerns but look at her foundation contributions\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 172 : Everyone is raging\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 70 : @user I am shy xD\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 202 : Pakistan continues to treat #terror as a matter of state policy says @user #UriAttack\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 279 : @user @user I was so looking forward to @user Then it opened with a #stuartspecial. I literally yelled at my tv. #umbrage\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 188 : Wishing i was rich so i didnt have to get up this morning #poor #sleepy #sad #needsmoresleep\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 38 : Romero is fucking dreadful like seriously my 11 month old is better than him.\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 56 : Thank you disney themed episode for letting me discover how amazing the @user are! #hilarious\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 12 : Your glee filled Normy dry humping of the most recent high profile celebrity break up is pathetic & all that is wrong with the world today.\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 143 : @user glee\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 288 : @user lost my xt nova around hole 8 or 9 #sadness\n", - "\n", - "\n", - "\n", - "\n", - "Adding labels for Raw data Index 118 : I can't wait for you to listen to my new single 'Mystery' and my new album😋. #newmusic #newsingle #newalbum #2016 #popmusic #dark\n", - "\n", - "\n", - "\n", - "\n", - " 0: anger , 1: joy, 2: optimism, 3: sadness\n", - "Pool Index 190 : @user Thank you for follow and its a good website you have and cheering with no hassle.-1\n", - "Skipping this sample\n", - "\n", - "\n", - "Pool Index 16 : @user Haters!!! You are low in self worth. Self righteous in your delusions. You cower at the thought of change. Change is inevitable.-1\n", - "Skipping this sample\n", - "\n", - "\n", - "Length of active pool is now 298\n" - ] - } - ], + "outputs": [], "source": [ "# Suppose now you have 30 indexes from train setwhich are either to be labelled or have\n", "# existing labels. Make sure replace=False\n", @@ -623,7 +431,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": null, "metadata": { "id": "rzvvtuibNfVO" }, @@ -645,13 +453,13 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# Setup Heuristics\n", "heuristic = get_heuristic(\n", - " hyperparams[\"heuristic\"], hyperparams[\"shuffle_prop\"], num_samples=15\n", + " hyperparams[\"heuristic\"], hyperparams[\"shuffle_prop\"]\n", ")\n", "\n", "# Model save checkpoint\n", @@ -701,7 +509,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "metadata": { "colab": { "base_uri": "https://localhost:8080/", @@ -781,13 +589,6 @@ "\n", "Using these you can easily pull your labelled data should the need arise." ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] } ], "metadata": { @@ -798,9 +599,9 @@ }, "gpuClass": "standard", "kernelspec": { - "display_name": "venvbaal38", + "display_name": "Python 3 (ipykernel)", "language": "python", - "name": "venvbaal38" + "name": "python3" }, "language_info": { "codemirror_mode": { @@ -812,7 +613,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.8.14" + "version": "3.9.13" }, "widgets": { "application/vnd.jupyter.widget-state+json": {