From 7be5ccdb53c3474b0c14d0487d06a88398156afc Mon Sep 17 00:00:00 2001
From: Lukas Weiermann <lukas.weiermann@stud-mail.uni-wuerzburg.de>
Date: Mon, 28 Nov 2022 03:27:52 +0100
Subject: [PATCH] Pipeline tryouts

---
 .vscode/settings.json                     |    3 +
 bert.ipynb                                |  571 +-
 data/{ => languages}/train_chinese.csv    |    0
 data/{ => languages}/train_english.csv    |    0
 data/{ => languages}/train_french.csv     |    0
 data/{ => languages}/train_italian.csv    |    0
 data/{ => languages}/train_portuguese.csv |    0
 data/{ => languages}/train_spanish.csv    |    0
 data/train_all_id.csv                     | 9492 +++++++++++++++++++++
 data_handling.ipynb                       |    0
 huggingface_tutorial_torch.ipynb          |  580 ++
 skim_ai_tutorial.ipynb                    |  602 ++
 12 files changed, 11229 insertions(+), 19 deletions(-)
 create mode 100644 .vscode/settings.json
 rename data/{ => languages}/train_chinese.csv (100%)
 rename data/{ => languages}/train_english.csv (100%)
 rename data/{ => languages}/train_french.csv (100%)
 rename data/{ => languages}/train_italian.csv (100%)
 rename data/{ => languages}/train_portuguese.csv (100%)
 rename data/{ => languages}/train_spanish.csv (100%)
 create mode 100644 data/train_all_id.csv
 delete mode 100644 data_handling.ipynb
 create mode 100644 huggingface_tutorial_torch.ipynb
 create mode 100644 skim_ai_tutorial.ipynb

diff --git a/.vscode/settings.json b/.vscode/settings.json
new file mode 100644
index 0000000..a6735e5
--- /dev/null
+++ b/.vscode/settings.json
@@ -0,0 +1,3 @@
+{
+    "python.analysis.typeCheckingMode": "off"
+}
\ No newline at end of file
diff --git a/bert.ipynb b/bert.ipynb
index 2b46e41..48e78b8 100644
--- a/bert.ipynb
+++ b/bert.ipynb
@@ -2,32 +2,48 @@
  "cells": [
   {
    "cell_type": "code",
-   "execution_count": 8,
+   "execution_count": 1,
    "metadata": {},
-   "outputs": [
-    {
-     "name": "stderr",
-     "output_type": "stream",
-     "text": [
-      "Some weights of the model checkpoint at bert-base-multilingual-cased were not used when initializing BertModel: ['cls.predictions.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.bias', 'cls.seq_relationship.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.LayerNorm.weight']\n",
-      "- This IS expected if you are initializing BertModel 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 BertModel from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n"
-     ]
-    }
-   ],
+   "outputs": [],
    "source": [
-    "from transformers import BertTokenizer, BertModel\n",
-    "import pandas as pd\n",
-    "import torch, math\n",
+    "# DOESN'T RUN (Postponed)\n",
     "\n",
-    "data = pd.read_csv('./data/train_all.csv')\n",
-    "tokenizer = BertTokenizer.from_pretrained('bert-base-multilingual-cased')\n",
-    "model = BertModel.from_pretrained('bert-base-multilingual-cased')"
+    "\n",
+    "\n",
+    "import logging\n",
+    "import os\n",
+    "import random\n",
+    "import sys\n",
+    "import evaluate\n",
+    "import transformers\n",
+    "import datasets\n",
+    "import numpy as np\n",
+    "from dataclasses import field\n",
+    "from typing import Optional\n",
+    "\n",
+    "from datasets import load_dataset\n",
+    "from transformers import (\n",
+    "    AutoConfig,\n",
+    "    AutoModelForSequenceClassification,\n",
+    "    AutoTokenizer,\n",
+    "    DataCollatorWithPadding,\n",
+    "    EvalPrediction,\n",
+    "    HfArgumentParser,\n",
+    "    PretrainedConfig,\n",
+    "    Trainer,\n",
+    "    TrainingArguments,\n",
+    "    default_data_collator,\n",
+    "    set_seed,\n",
+    ")\n",
+    "from transformers.trainer_utils import get_last_checkpoint\n",
+    "from transformers.utils import  send_example_telemetry\n",
+    "\n",
+    "logger = logging.getLogger(__name__)"
    ]
   },
   {
    "cell_type": "code",
-   "execution_count": 9,
+   "execution_count": null,
    "metadata": {},
    "outputs": [],
    "source": [
@@ -36,6 +52,523 @@
     "batch_size = 128\n",
     "eval_intervall = 500"
    ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 3,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "class DataTrainingArguments:\n",
+    "    max_seq_length: int = field(\n",
+    "        default=128,\n",
+    "        metadata={\"help\": (512)}\n",
+    "    )\n",
+    "    pad_to_max_length: bool = field(\n",
+    "        default=True,\n",
+    "        metadata={\"help\": ()}\n",
+    "    )\n",
+    "    train_file: Optional[str] = field(\n",
+    "        default=None, metadata={\"help\": './data/train_all.csv'}\n",
+    "    )\n",
+    "    validation_file: Optional[str] = field(\n",
+    "        default=None, metadata={\"help\": \"A csv or a json file containing the validation data.\"}\n",
+    "    )\n",
+    "    test_file: Optional[str] = field(default=None, metadata={\"help\": \"A csv or a json file containing the test data.\"})\n",
+    "    max_train_samples: Optional[int] = field(\n",
+    "        default=None,\n",
+    "        metadata={\n",
+    "            \"help\": ()\n",
+    "        },\n",
+    "    )\n",
+    "    max_eval_samples: Optional[int] = field(\n",
+    "        default=None,\n",
+    "        metadata={\n",
+    "            \"help\": ()\n",
+    "        },\n",
+    "    )\n",
+    "    max_predict_samples: Optional[int] = field(\n",
+    "        default=None,\n",
+    "        metadata={\n",
+    "            \"help\": ()\n",
+    "        },\n",
+    "    )"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 4,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "class ModelArguments:\n",
+    "    model_name_or_path: str = field(\n",
+    "        metadata={\"help\": 'bert-base-multilingual-cased'}\n",
+    "    )\n",
+    "    config_name: Optional[str] = field(\n",
+    "        default=None, metadata={\"help\": \"Pretrained config name or path if not the same as model_name\"}\n",
+    "    )\n",
+    "    tokenizer_name: Optional[str] = field(\n",
+    "        default=None, metadata={\"help\": 'bert-base-multilingual-cased'}\n",
+    "    )\n",
+    "    cache_dir: Optional[str] = field(\n",
+    "        default=None,\n",
+    "        metadata={\"help\": './pretrained_models/'},\n",
+    "    )\n",
+    "    use_fast_tokenizer: bool = field(\n",
+    "        default=True,\n",
+    "        metadata={\"help\": True},\n",
+    "    )\n",
+    "    model_revision: str = field(\n",
+    "        default=\"main\",\n",
+    "        metadata={\"help\": \"The specific model version to use (can be a branch name, tag name or commit id).\"},\n",
+    "    )\n"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 5,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "def main():\n",
+    "    # See all possible arguments in src/transformers/training_args.py\n",
+    "    # or by passing the --help flag to this script.\n",
+    "    # We now keep distinct sets of args, for a cleaner separation of concerns.\n",
+    "\n",
+    "    parser = HfArgumentParser((ModelArguments, DataTrainingArguments, TrainingArguments))\n",
+    "    if len(sys.argv) == 2 and sys.argv[1].endswith(\".json\"):\n",
+    "        # If we pass only one argument to the script and it's the path to a json file,\n",
+    "        # let's parse it to get our arguments.\n",
+    "        model_args, data_args, training_args = parser.parse_json_file(json_file=os.path.abspath(sys.argv[1]))\n",
+    "    else:\n",
+    "        model_args, data_args, training_args = parser.parse_args_into_dataclasses()\n",
+    "\n",
+    "    # Sending telemetry. Tracking the example usage helps us better allocate resources to maintain them. The\n",
+    "    # information sent is the one passed as arguments along with your Python/PyTorch versions.\n",
+    "    send_example_telemetry(\"run_glue\", model_args, data_args)\n",
+    "\n",
+    "    # Setup logging\n",
+    "    logging.basicConfig(\n",
+    "        format=\"%(asctime)s - %(levelname)s - %(name)s - %(message)s\",\n",
+    "        datefmt=\"%m/%d/%Y %H:%M:%S\",\n",
+    "        handlers=[logging.StreamHandler(sys.stdout)],\n",
+    "    )\n",
+    "\n",
+    "    log_level = training_args.get_process_log_level()\n",
+    "    logger.setLevel(log_level)\n",
+    "    datasets.utils.logging.set_verbosity(log_level)\n",
+    "    transformers.utils.logging.set_verbosity(log_level)\n",
+    "    transformers.utils.logging.enable_default_handler()\n",
+    "    transformers.utils.logging.enable_explicit_format()\n",
+    "\n",
+    "    # Log on each process the small summary:\n",
+    "    logger.warning(\n",
+    "        f\"Process rank: {training_args.local_rank}, device: {training_args.device}, n_gpu: {training_args.n_gpu}\"\n",
+    "        + f\"distributed training: {bool(training_args.local_rank != -1)}, 16-bits training: {training_args.fp16}\"\n",
+    "    )\n",
+    "    logger.info(f\"Training/evaluation parameters {training_args}\")\n",
+    "\n",
+    "    # Detecting last checkpoint.\n",
+    "    last_checkpoint = None\n",
+    "    if os.path.isdir(training_args.output_dir) and training_args.do_train and not training_args.overwrite_output_dir:\n",
+    "        last_checkpoint = get_last_checkpoint(training_args.output_dir)\n",
+    "        if last_checkpoint is None and len(os.listdir(training_args.output_dir)) > 0:\n",
+    "            raise ValueError(\n",
+    "                f\"Output directory ({training_args.output_dir}) already exists and is not empty. \"\n",
+    "                \"Use --overwrite_output_dir to overcome.\"\n",
+    "            )\n",
+    "        elif last_checkpoint is not None and training_args.resume_from_checkpoint is None:\n",
+    "            logger.info(\n",
+    "                f\"Checkpoint detected, resuming training at {last_checkpoint}. To avoid this behavior, change \"\n",
+    "                \"the `--output_dir` or add `--overwrite_output_dir` to train from scratch.\"\n",
+    "            )\n",
+    "\n",
+    "    # Set seed before initializing model.\n",
+    "    set_seed(training_args.seed)\n",
+    "\n",
+    "    # Get the datasets: you can either provide your own CSV/JSON training and evaluation files (see below)\n",
+    "    # or specify a GLUE benchmark task (the dataset will be downloaded automatically from the datasets Hub).\n",
+    "    #\n",
+    "    # For CSV/JSON files, this script will use as labels the column called 'label' and as pair of sentences the\n",
+    "    # sentences in columns called 'sentence1' and 'sentence2' if such column exists or the first two columns not named\n",
+    "    # label if at least two columns are provided.\n",
+    "    #\n",
+    "    # If the CSVs/JSONs contain only one non-label column, the script does single sentence classification on this\n",
+    "    # single column. You can easily tweak this behavior (see below)\n",
+    "    #\n",
+    "    # In distributed training, the load_dataset function guarantee that only one local process can concurrently\n",
+    "    # download the dataset.\n",
+    "    if data_args.task_name is not None:\n",
+    "        # Downloading and loading a dataset from the hub.\n",
+    "        raw_datasets = load_dataset(\n",
+    "            \"glue\",\n",
+    "            data_args.task_name,\n",
+    "            cache_dir=model_args.cache_dir,\n",
+    "            use_auth_token=True if model_args.use_auth_token else None,\n",
+    "        )\n",
+    "    elif data_args.dataset_name is not None:\n",
+    "        # Downloading and loading a dataset from the hub.\n",
+    "        raw_datasets = load_dataset(\n",
+    "            data_args.dataset_name,\n",
+    "            data_args.dataset_config_name,\n",
+    "            cache_dir=model_args.cache_dir,\n",
+    "            use_auth_token=True if model_args.use_auth_token else None,\n",
+    "        )\n",
+    "    else:\n",
+    "        # Loading a dataset from your local files.\n",
+    "        # CSV/JSON training and evaluation files are needed.\n",
+    "        data_files = {\"train\": data_args.train_file, \"validation\": data_args.validation_file}\n",
+    "\n",
+    "        # Get the test dataset: you can provide your own CSV/JSON test file (see below)\n",
+    "        # when you use `do_predict` without specifying a GLUE benchmark task.\n",
+    "        if training_args.do_predict:\n",
+    "            if data_args.test_file is not None:\n",
+    "                train_extension = data_args.train_file.split(\".\")[-1]\n",
+    "                test_extension = data_args.test_file.split(\".\")[-1]\n",
+    "                assert (\n",
+    "                    test_extension == train_extension\n",
+    "                ), \"`test_file` should have the same extension (csv or json) as `train_file`.\"\n",
+    "                data_files[\"test\"] = data_args.test_file\n",
+    "            else:\n",
+    "                raise ValueError(\"Need either a GLUE task or a test file for `do_predict`.\")\n",
+    "\n",
+    "        for key in data_files.keys():\n",
+    "            logger.info(f\"load a local file for {key}: {data_files[key]}\")\n",
+    "\n",
+    "        if data_args.train_file.endswith(\".csv\"):\n",
+    "            # Loading a dataset from local csv files\n",
+    "            raw_datasets = load_dataset(\n",
+    "                \"csv\",\n",
+    "                data_files=data_files,\n",
+    "                cache_dir=model_args.cache_dir,\n",
+    "                use_auth_token=True if model_args.use_auth_token else None,\n",
+    "            )\n",
+    "        else:\n",
+    "            # Loading a dataset from local json files\n",
+    "            raw_datasets = load_dataset(\n",
+    "                \"json\",\n",
+    "                data_files=data_files,\n",
+    "                cache_dir=model_args.cache_dir,\n",
+    "                use_auth_token=True if model_args.use_auth_token else None,\n",
+    "            )\n",
+    "    # See more about loading any type of standard or custom dataset at\n",
+    "    # https://huggingface.co/docs/datasets/loading_datasets.html.\n",
+    "\n",
+    "    # Labels\n",
+    "    if data_args.task_name is not None:\n",
+    "        is_regression = data_args.task_name == \"stsb\"\n",
+    "        if not is_regression:\n",
+    "            label_list = raw_datasets[\"train\"].features[\"label\"].names\n",
+    "            num_labels = len(label_list)\n",
+    "        else:\n",
+    "            num_labels = 1\n",
+    "    else:\n",
+    "        # Trying to have good defaults here, don't hesitate to tweak to your needs.\n",
+    "        is_regression = raw_datasets[\"train\"].features[\"label\"].dtype in [\"float32\", \"float64\"]\n",
+    "        if is_regression:\n",
+    "            num_labels = 1\n",
+    "        else:\n",
+    "            # A useful fast method:\n",
+    "            # https://huggingface.co/docs/datasets/package_reference/main_classes.html#datasets.Dataset.unique\n",
+    "            label_list = raw_datasets[\"train\"].unique(\"label\")\n",
+    "            label_list.sort()  # Let's sort it for determinism\n",
+    "            num_labels = len(label_list)\n",
+    "\n",
+    "    # Load pretrained model and tokenizer\n",
+    "    #\n",
+    "    # In distributed training, the .from_pretrained methods guarantee that only one local process can concurrently\n",
+    "    # download model & vocab.\n",
+    "    config = AutoConfig.from_pretrained(\n",
+    "        model_args.config_name if model_args.config_name else model_args.model_name_or_path,\n",
+    "        num_labels=num_labels,\n",
+    "        finetuning_task=data_args.task_name,\n",
+    "        cache_dir=model_args.cache_dir,\n",
+    "        revision=model_args.model_revision,\n",
+    "        use_auth_token=True if model_args.use_auth_token else None,\n",
+    "    )\n",
+    "    tokenizer = AutoTokenizer.from_pretrained(\n",
+    "        model_args.tokenizer_name if model_args.tokenizer_name else model_args.model_name_or_path,\n",
+    "        cache_dir=model_args.cache_dir,\n",
+    "        use_fast=model_args.use_fast_tokenizer,\n",
+    "        revision=model_args.model_revision,\n",
+    "        use_auth_token=True if model_args.use_auth_token else None,\n",
+    "    )\n",
+    "    model = AutoModelForSequenceClassification.from_pretrained(\n",
+    "        model_args.model_name_or_path,\n",
+    "        from_tf=bool(\".ckpt\" in model_args.model_name_or_path),\n",
+    "        config=config,\n",
+    "        cache_dir=model_args.cache_dir,\n",
+    "        revision=model_args.model_revision,\n",
+    "        use_auth_token=True if model_args.use_auth_token else None,\n",
+    "        ignore_mismatched_sizes=model_args.ignore_mismatched_sizes,\n",
+    "    )\n",
+    "\n",
+    "    # Preprocessing the raw_datasets\n",
+    "    if data_args.task_name is not None:\n",
+    "        sentence1_key, sentence2_key = task_to_keys[data_args.task_name]\n",
+    "    else:\n",
+    "        # Again, we try to have some nice defaults but don't hesitate to tweak to your use case.\n",
+    "        non_label_column_names = [name for name in raw_datasets[\"train\"].column_names if name != \"label\"]\n",
+    "        if \"sentence1\" in non_label_column_names and \"sentence2\" in non_label_column_names:\n",
+    "            sentence1_key, sentence2_key = \"sentence1\", \"sentence2\"\n",
+    "        else:\n",
+    "            if len(non_label_column_names) >= 2:\n",
+    "                sentence1_key, sentence2_key = non_label_column_names[:2]\n",
+    "            else:\n",
+    "                sentence1_key, sentence2_key = non_label_column_names[0], None\n",
+    "\n",
+    "    # Padding strategy\n",
+    "    if data_args.pad_to_max_length:\n",
+    "        padding = \"max_length\"\n",
+    "    else:\n",
+    "        # We will pad later, dynamically at batch creation, to the max sequence length in each batch\n",
+    "        padding = False\n",
+    "\n",
+    "    # Some models have set the order of the labels to use, so let's make sure we do use it.\n",
+    "    label_to_id = None\n",
+    "    if (\n",
+    "        model.config.label2id != PretrainedConfig(num_labels=num_labels).label2id\n",
+    "        and data_args.task_name is not None\n",
+    "        and not is_regression\n",
+    "    ):\n",
+    "        # Some have all caps in their config, some don't.\n",
+    "        label_name_to_id = {k.lower(): v for k, v in model.config.label2id.items()}\n",
+    "        if list(sorted(label_name_to_id.keys())) == list(sorted(label_list)):\n",
+    "            label_to_id = {i: int(label_name_to_id[label_list[i]]) for i in range(num_labels)}\n",
+    "        else:\n",
+    "            logger.warning(\n",
+    "                \"Your model seems to have been trained with labels, but they don't match the dataset: \",\n",
+    "                f\"model labels: {list(sorted(label_name_to_id.keys()))}, dataset labels: {list(sorted(label_list))}.\"\n",
+    "                \"\\nIgnoring the model labels as a result.\",\n",
+    "            )\n",
+    "    elif data_args.task_name is None and not is_regression:\n",
+    "        label_to_id = {v: i for i, v in enumerate(label_list)}\n",
+    "\n",
+    "    if label_to_id is not None:\n",
+    "        model.config.label2id = label_to_id\n",
+    "        model.config.id2label = {id: label for label, id in config.label2id.items()}\n",
+    "    elif data_args.task_name is not None and not is_regression:\n",
+    "        model.config.label2id = {l: i for i, l in enumerate(label_list)}\n",
+    "        model.config.id2label = {id: label for label, id in config.label2id.items()}\n",
+    "\n",
+    "    if data_args.max_seq_length > tokenizer.model_max_length:\n",
+    "        logger.warning(\n",
+    "            f\"The max_seq_length passed ({data_args.max_seq_length}) is larger than the maximum length for the\"\n",
+    "            f\"model ({tokenizer.model_max_length}). Using max_seq_length={tokenizer.model_max_length}.\"\n",
+    "        )\n",
+    "    max_seq_length = min(data_args.max_seq_length, tokenizer.model_max_length)\n",
+    "\n",
+    "    def preprocess_function(examples):\n",
+    "        # Tokenize the texts\n",
+    "        args = (\n",
+    "            (examples[sentence1_key],) if sentence2_key is None else (examples[sentence1_key], examples[sentence2_key])\n",
+    "        )\n",
+    "        result = tokenizer(*args, padding=padding, max_length=max_seq_length, truncation=True)\n",
+    "\n",
+    "        # Map labels to IDs (not necessary for GLUE tasks)\n",
+    "        if label_to_id is not None and \"label\" in examples:\n",
+    "            result[\"label\"] = [(label_to_id[l] if l != -1 else -1) for l in examples[\"label\"]]\n",
+    "        return result\n",
+    "\n",
+    "    with training_args.main_process_first(desc=\"dataset map pre-processing\"):\n",
+    "        raw_datasets = raw_datasets.map(\n",
+    "            preprocess_function,\n",
+    "            batched=True,\n",
+    "            load_from_cache_file=not data_args.overwrite_cache,\n",
+    "            desc=\"Running tokenizer on dataset\",\n",
+    "        )\n",
+    "    if training_args.do_train:\n",
+    "        if \"train\" not in raw_datasets:\n",
+    "            raise ValueError(\"--do_train requires a train dataset\")\n",
+    "        train_dataset = raw_datasets[\"train\"]\n",
+    "        if data_args.max_train_samples is not None:\n",
+    "            max_train_samples = min(len(train_dataset), data_args.max_train_samples)\n",
+    "            train_dataset = train_dataset.select(range(max_train_samples))\n",
+    "\n",
+    "    if training_args.do_eval:\n",
+    "        if \"validation\" not in raw_datasets and \"validation_matched\" not in raw_datasets:\n",
+    "            raise ValueError(\"--do_eval requires a validation dataset\")\n",
+    "        eval_dataset = raw_datasets[\"validation_matched\" if data_args.task_name == \"mnli\" else \"validation\"]\n",
+    "        if data_args.max_eval_samples is not None:\n",
+    "            max_eval_samples = min(len(eval_dataset), data_args.max_eval_samples)\n",
+    "            eval_dataset = eval_dataset.select(range(max_eval_samples))\n",
+    "\n",
+    "    if training_args.do_predict or data_args.task_name is not None or data_args.test_file is not None:\n",
+    "        if \"test\" not in raw_datasets and \"test_matched\" not in raw_datasets:\n",
+    "            raise ValueError(\"--do_predict requires a test dataset\")\n",
+    "        predict_dataset = raw_datasets[\"test_matched\" if data_args.task_name == \"mnli\" else \"test\"]\n",
+    "        if data_args.max_predict_samples is not None:\n",
+    "            max_predict_samples = min(len(predict_dataset), data_args.max_predict_samples)\n",
+    "            predict_dataset = predict_dataset.select(range(max_predict_samples))\n",
+    "\n",
+    "    # Log a few random samples from the training set:\n",
+    "    if training_args.do_train:\n",
+    "        for index in random.sample(range(len(train_dataset)), 3):\n",
+    "            logger.info(f\"Sample {index} of the training set: {train_dataset[index]}.\")\n",
+    "\n",
+    "    # Get the metric function\n",
+    "    if data_args.task_name is not None:\n",
+    "        metric = evaluate.load(\"glue\", data_args.task_name)\n",
+    "    else:\n",
+    "        metric = evaluate.load(\"accuracy\")\n",
+    "\n",
+    "    # You can define your custom compute_metrics function. It takes an `EvalPrediction` object (a namedtuple with a\n",
+    "    # predictions and label_ids field) and has to return a dictionary string to float.\n",
+    "    def compute_metrics(p: EvalPrediction):\n",
+    "        preds = p.predictions[0] if isinstance(p.predictions, tuple) else p.predictions\n",
+    "        preds = np.squeeze(preds) if is_regression else np.argmax(preds, axis=1)\n",
+    "        if data_args.task_name is not None:\n",
+    "            result = metric.compute(predictions=preds, references=p.label_ids)\n",
+    "            if len(result) > 1:\n",
+    "                result[\"combined_score\"] = np.mean(list(result.values())).item()\n",
+    "            return result\n",
+    "        elif is_regression:\n",
+    "            return {\"mse\": ((preds - p.label_ids) ** 2).mean().item()}\n",
+    "        else:\n",
+    "            return {\"accuracy\": (preds == p.label_ids).astype(np.float32).mean().item()}\n",
+    "\n",
+    "    # Data collator will default to DataCollatorWithPadding when the tokenizer is passed to Trainer, so we change it if\n",
+    "    # we already did the padding.\n",
+    "    if data_args.pad_to_max_length:\n",
+    "        data_collator = default_data_collator\n",
+    "    elif training_args.fp16:\n",
+    "        data_collator = DataCollatorWithPadding(tokenizer, pad_to_multiple_of=8)\n",
+    "    else:\n",
+    "        data_collator = None\n",
+    "\n",
+    "    # Initialize our Trainer\n",
+    "    trainer = Trainer(\n",
+    "        model=model,\n",
+    "        args=training_args,\n",
+    "        train_dataset=train_dataset if training_args.do_train else None,\n",
+    "        eval_dataset=eval_dataset if training_args.do_eval else None,\n",
+    "        compute_metrics=compute_metrics,\n",
+    "        tokenizer=tokenizer,\n",
+    "        data_collator=data_collator,\n",
+    "    )\n",
+    "\n",
+    "    # Training\n",
+    "    if training_args.do_train:\n",
+    "        checkpoint = None\n",
+    "        if training_args.resume_from_checkpoint is not None:\n",
+    "            checkpoint = training_args.resume_from_checkpoint\n",
+    "        elif last_checkpoint is not None:\n",
+    "            checkpoint = last_checkpoint\n",
+    "        train_result = trainer.train(resume_from_checkpoint=checkpoint)\n",
+    "        metrics = train_result.metrics\n",
+    "        max_train_samples = (\n",
+    "            data_args.max_train_samples if data_args.max_train_samples is not None else len(train_dataset)\n",
+    "        )\n",
+    "        metrics[\"train_samples\"] = min(max_train_samples, len(train_dataset))\n",
+    "\n",
+    "        trainer.save_model()  # Saves the tokenizer too for easy upload\n",
+    "\n",
+    "        trainer.log_metrics(\"train\", metrics)\n",
+    "        trainer.save_metrics(\"train\", metrics)\n",
+    "        trainer.save_state()\n",
+    "\n",
+    "    # Evaluation\n",
+    "    if training_args.do_eval:\n",
+    "        logger.info(\"*** Evaluate ***\")\n",
+    "\n",
+    "        # Loop to handle MNLI double evaluation (matched, mis-matched)\n",
+    "        tasks = [data_args.task_name]\n",
+    "        eval_datasets = [eval_dataset]\n",
+    "        if data_args.task_name == \"mnli\":\n",
+    "            tasks.append(\"mnli-mm\")\n",
+    "            valid_mm_dataset = raw_datasets[\"validation_mismatched\"]\n",
+    "            if data_args.max_eval_samples is not None:\n",
+    "                max_eval_samples = min(len(valid_mm_dataset), data_args.max_eval_samples)\n",
+    "                valid_mm_dataset = valid_mm_dataset.select(range(max_eval_samples))\n",
+    "            eval_datasets.append(valid_mm_dataset)\n",
+    "            combined = {}\n",
+    "\n",
+    "        for eval_dataset, task in zip(eval_datasets, tasks):\n",
+    "            metrics = trainer.evaluate(eval_dataset=eval_dataset)\n",
+    "\n",
+    "            max_eval_samples = (\n",
+    "                data_args.max_eval_samples if data_args.max_eval_samples is not None else len(eval_dataset)\n",
+    "            )\n",
+    "            metrics[\"eval_samples\"] = min(max_eval_samples, len(eval_dataset))\n",
+    "\n",
+    "            if task == \"mnli-mm\":\n",
+    "                metrics = {k + \"_mm\": v for k, v in metrics.items()}\n",
+    "            if task is not None and \"mnli\" in task:\n",
+    "                combined.update(metrics)\n",
+    "\n",
+    "            trainer.log_metrics(\"eval\", metrics)\n",
+    "            trainer.save_metrics(\"eval\", combined if task is not None and \"mnli\" in task else metrics)\n",
+    "\n",
+    "    if training_args.do_predict:\n",
+    "        logger.info(\"*** Predict ***\")\n",
+    "\n",
+    "        # Loop to handle MNLI double evaluation (matched, mis-matched)\n",
+    "        tasks = [data_args.task_name]\n",
+    "        predict_datasets = [predict_dataset]\n",
+    "        if data_args.task_name == \"mnli\":\n",
+    "            tasks.append(\"mnli-mm\")\n",
+    "            predict_datasets.append(raw_datasets[\"test_mismatched\"])\n",
+    "\n",
+    "        for predict_dataset, task in zip(predict_datasets, tasks):\n",
+    "            # Removing the `label` columns because it contains -1 and Trainer won't like that.\n",
+    "            predict_dataset = predict_dataset.remove_columns(\"label\")\n",
+    "            predictions = trainer.predict(predict_dataset, metric_key_prefix=\"predict\").predictions\n",
+    "            predictions = np.squeeze(predictions) if is_regression else np.argmax(predictions, axis=1)\n",
+    "\n",
+    "            output_predict_file = os.path.join(training_args.output_dir, f\"predict_results_{task}.txt\")\n",
+    "            if trainer.is_world_process_zero():\n",
+    "                with open(output_predict_file, \"w\") as writer:\n",
+    "                    logger.info(f\"***** Predict results {task} *****\")\n",
+    "                    writer.write(\"index\\tprediction\\n\")\n",
+    "                    for index, item in enumerate(predictions):\n",
+    "                        if is_regression:\n",
+    "                            writer.write(f\"{index}\\t{item:3.3f}\\n\")\n",
+    "                        else:\n",
+    "                            item = label_list[item]\n",
+    "                            writer.write(f\"{index}\\t{item}\\n\")\n",
+    "\n",
+    "    kwargs = {\"finetuned_from\": model_args.model_name_or_path, \"tasks\": \"text-classification\"}\n",
+    "    if data_args.task_name is not None:\n",
+    "        kwargs[\"language\"] = \"en\"\n",
+    "        kwargs[\"dataset_tags\"] = \"glue\"\n",
+    "        kwargs[\"dataset_args\"] = data_args.task_name\n",
+    "        kwargs[\"dataset\"] = f\"GLUE {data_args.task_name.upper()}\"\n",
+    "\n",
+    "    if training_args.push_to_hub:\n",
+    "        trainer.push_to_hub(**kwargs)\n",
+    "    else:\n",
+    "        trainer.create_model_card(**kwargs)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 6,
+   "metadata": {},
+   "outputs": [
+    {
+     "ename": "TypeError",
+     "evalue": "must be called with a dataclass type or instance",
+     "output_type": "error",
+     "traceback": [
+      "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m",
+      "\u001b[1;31mAttributeError\u001b[0m                            Traceback (most recent call last)",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\dataclasses.py:1033\u001b[0m, in \u001b[0;36mfields\u001b[1;34m(class_or_instance)\u001b[0m\n\u001b[0;32m   1032\u001b[0m \u001b[39mtry\u001b[39;00m:\n\u001b[1;32m-> 1033\u001b[0m     fields \u001b[39m=\u001b[39m \u001b[39mgetattr\u001b[39;49m(class_or_instance, _FIELDS)\n\u001b[0;32m   1034\u001b[0m \u001b[39mexcept\u001b[39;00m \u001b[39mAttributeError\u001b[39;00m:\n",
+      "\u001b[1;31mAttributeError\u001b[0m: type object 'ModelArguments' has no attribute '__dataclass_fields__'",
+      "\nDuring handling of the above exception, another exception occurred:\n",
+      "\u001b[1;31mTypeError\u001b[0m                                 Traceback (most recent call last)",
+      "Cell \u001b[1;32mIn [6], line 1\u001b[0m\n\u001b[1;32m----> 1\u001b[0m main()\n",
+      "Cell \u001b[1;32mIn [5], line 6\u001b[0m, in \u001b[0;36mmain\u001b[1;34m()\u001b[0m\n\u001b[0;32m      1\u001b[0m \u001b[39mdef\u001b[39;00m \u001b[39mmain\u001b[39m():\n\u001b[0;32m      2\u001b[0m     \u001b[39m# See all possible arguments in src/transformers/training_args.py\u001b[39;00m\n\u001b[0;32m      3\u001b[0m     \u001b[39m# or by passing the --help flag to this script.\u001b[39;00m\n\u001b[0;32m      4\u001b[0m     \u001b[39m# We now keep distinct sets of args, for a cleaner separation of concerns.\u001b[39;00m\n\u001b[1;32m----> 6\u001b[0m     parser \u001b[39m=\u001b[39m HfArgumentParser((ModelArguments, DataTrainingArguments, TrainingArguments))\n\u001b[0;32m      7\u001b[0m     \u001b[39mif\u001b[39;00m \u001b[39mlen\u001b[39m(sys\u001b[39m.\u001b[39margv) \u001b[39m==\u001b[39m \u001b[39m2\u001b[39m \u001b[39mand\u001b[39;00m sys\u001b[39m.\u001b[39margv[\u001b[39m1\u001b[39m]\u001b[39m.\u001b[39mendswith(\u001b[39m\"\u001b[39m\u001b[39m.json\u001b[39m\u001b[39m\"\u001b[39m):\n\u001b[0;32m      8\u001b[0m         \u001b[39m# If we pass only one argument to the script and it's the path to a json file,\u001b[39;00m\n\u001b[0;32m      9\u001b[0m         \u001b[39m# let's parse it to get our arguments.\u001b[39;00m\n\u001b[0;32m     10\u001b[0m         model_args, data_args, training_args \u001b[39m=\u001b[39m parser\u001b[39m.\u001b[39mparse_json_file(json_file\u001b[39m=\u001b[39mos\u001b[39m.\u001b[39mpath\u001b[39m.\u001b[39mabspath(sys\u001b[39m.\u001b[39margv[\u001b[39m1\u001b[39m]))\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\hf_argparser.py:73\u001b[0m, in \u001b[0;36mHfArgumentParser.__init__\u001b[1;34m(self, dataclass_types, **kwargs)\u001b[0m\n\u001b[0;32m     71\u001b[0m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mdataclass_types \u001b[39m=\u001b[39m \u001b[39mlist\u001b[39m(dataclass_types)\n\u001b[0;32m     72\u001b[0m \u001b[39mfor\u001b[39;00m dtype \u001b[39min\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mdataclass_types:\n\u001b[1;32m---> 73\u001b[0m     \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49m_add_dataclass_arguments(dtype)\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\hf_argparser.py:174\u001b[0m, in \u001b[0;36mHfArgumentParser._add_dataclass_arguments\u001b[1;34m(self, dtype)\u001b[0m\n\u001b[0;32m    167\u001b[0m \u001b[39mexcept\u001b[39;00m \u001b[39mNameError\u001b[39;00m:\n\u001b[0;32m    168\u001b[0m     \u001b[39mraise\u001b[39;00m \u001b[39mRuntimeError\u001b[39;00m(\n\u001b[0;32m    169\u001b[0m         \u001b[39mf\u001b[39m\u001b[39m\"\u001b[39m\u001b[39mType resolution failed for f\u001b[39m\u001b[39m{\u001b[39;00mdtype\u001b[39m}\u001b[39;00m\u001b[39m. Try declaring the class in global scope or \u001b[39m\u001b[39m\"\u001b[39m\n\u001b[0;32m    170\u001b[0m         \u001b[39m\"\u001b[39m\u001b[39mremoving line of `from __future__ import annotations` which opts in Postponed \u001b[39m\u001b[39m\"\u001b[39m\n\u001b[0;32m    171\u001b[0m         \u001b[39m\"\u001b[39m\u001b[39mEvaluation of Annotations (PEP 563)\u001b[39m\u001b[39m\"\u001b[39m\n\u001b[0;32m    172\u001b[0m     )\n\u001b[1;32m--> 174\u001b[0m \u001b[39mfor\u001b[39;00m field \u001b[39min\u001b[39;00m dataclasses\u001b[39m.\u001b[39;49mfields(dtype):\n\u001b[0;32m    175\u001b[0m     \u001b[39mif\u001b[39;00m \u001b[39mnot\u001b[39;00m field\u001b[39m.\u001b[39minit:\n\u001b[0;32m    176\u001b[0m         \u001b[39mcontinue\u001b[39;00m\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\dataclasses.py:1035\u001b[0m, in \u001b[0;36mfields\u001b[1;34m(class_or_instance)\u001b[0m\n\u001b[0;32m   1033\u001b[0m     fields \u001b[39m=\u001b[39m \u001b[39mgetattr\u001b[39m(class_or_instance, _FIELDS)\n\u001b[0;32m   1034\u001b[0m \u001b[39mexcept\u001b[39;00m \u001b[39mAttributeError\u001b[39;00m:\n\u001b[1;32m-> 1035\u001b[0m     \u001b[39mraise\u001b[39;00m \u001b[39mTypeError\u001b[39;00m(\u001b[39m'\u001b[39m\u001b[39mmust be called with a dataclass type or instance\u001b[39m\u001b[39m'\u001b[39m)\n\u001b[0;32m   1037\u001b[0m \u001b[39m# Exclude pseudo-fields.  Note that fields is sorted by insertion\u001b[39;00m\n\u001b[0;32m   1038\u001b[0m \u001b[39m# order, so the order of the tuple is as the fields were defined.\u001b[39;00m\n\u001b[0;32m   1039\u001b[0m \u001b[39mreturn\u001b[39;00m \u001b[39mtuple\u001b[39m(f \u001b[39mfor\u001b[39;00m f \u001b[39min\u001b[39;00m fields\u001b[39m.\u001b[39mvalues() \u001b[39mif\u001b[39;00m f\u001b[39m.\u001b[39m_field_type \u001b[39mis\u001b[39;00m _FIELD)\n",
+      "\u001b[1;31mTypeError\u001b[0m: must be called with a dataclass type or instance"
+     ]
+    }
+   ],
+   "source": [
+    "main()"
+   ]
   }
  ],
  "metadata": {
diff --git a/data/train_chinese.csv b/data/languages/train_chinese.csv
similarity index 100%
rename from data/train_chinese.csv
rename to data/languages/train_chinese.csv
diff --git a/data/train_english.csv b/data/languages/train_english.csv
similarity index 100%
rename from data/train_english.csv
rename to data/languages/train_english.csv
diff --git a/data/train_french.csv b/data/languages/train_french.csv
similarity index 100%
rename from data/train_french.csv
rename to data/languages/train_french.csv
diff --git a/data/train_italian.csv b/data/languages/train_italian.csv
similarity index 100%
rename from data/train_italian.csv
rename to data/languages/train_italian.csv
diff --git a/data/train_portuguese.csv b/data/languages/train_portuguese.csv
similarity index 100%
rename from data/train_portuguese.csv
rename to data/languages/train_portuguese.csv
diff --git a/data/train_spanish.csv b/data/languages/train_spanish.csv
similarity index 100%
rename from data/train_spanish.csv
rename to data/languages/train_spanish.csv
diff --git a/data/train_all_id.csv b/data/train_all_id.csv
new file mode 100644
index 0000000..2fe9f64
--- /dev/null
+++ b/data/train_all_id.csv
@@ -0,0 +1,9492 @@
+id,text,label,language
+0,wearing a fake engagement ring so guys won’t approach you at the library &gt;&gt;&gt;&gt;,1.8,English
+1,Bees vs. Wasps. http,1.0,English
+2,Here is a nice equation: 0+0-0-0+0=0,1.0,English
+3,@user @user Enjoy each new day!😊🇨🇦🐞🐭,1.6,English
+4,I can be having a perfectly good day then I think about Star Wars episode 9 and it’s instantly ruined,1.6,English
+5,@user If only we could have seen Thurman vs Jeff Horn.,1.25,English
+6,made really ballerific salted caramel brownies and this was the best process shot I’ve ever taken http,1.2,English
+7,@user Every clipper season is easily better then rose and 2017 too,1.4,English
+8,“If you trust them they will always be here for us too” 💕💕💕 http,3.0,English
+9,@user E no sure for any body,1.0,English
+10,"@user lmao, u saying that she should kill herself is cool tho right?",1.6,English
+11,Kash doll and ray snapped on Giovannis way,1.3333333333333333,English
+12,@user was that YOU dancing in ur recent story???!!! 😯,4.0,English
+13,Dm to buy full vids of local coloured mense fucking😍 http,4.4,English
+14,@user And then you change into your NSFW account and like them http,2.6,English
+15,"But I, I can feel it take a hold I vote #WatermelonSugar as #BestMusicVideo at the #iHeartAwards",1.0,English
+16,Who should I draw on my live to entertain the horny mfs I know are gonna show up,3.0,English
+17,"how do people have so many liked songs on spotify, i only have 17 help",2.6,English
+18,Try that again Timmy... Ill turn you into bonemeal http,1.4,English
+19,@user @PattyArquette @SecPompeo That is simply not true! US combat deaths in Afghanistan highest in years. http,1.8,English
+20,"mama ku panggil rp san ntu abang, so i have to call him uncle.",2.5,English
+21,Leicester City fans - keep an eye on Ross Barkley. Could be moving to the Foxes on a permanent for £11m... #lcfc,1.25,English
+22,What if i just got thick as shit😆 I can’t even picture myself like that,2.6,English
+23,"""Small deeds done are better than great deeds planned."" Peter Marshall #QuoteOfTheDay http",1.2,English
+24,#AccordingToRashidAbdi Bole airport is under the control of tplf and no more control of wfp flights to mekele!,1.0,English
+25,@user Always my brother.. always be with u💚,2.5,English
+26,@user @user @user I don't give out my personals online.,1.4,English
+27,People in your social network may be able to rely on you today... More for Aquarius http,1.0,English
+28,"@user Furthermore, harassment is ILLEGAL in any form!",1.75,English
+29,Work work work,1.0,English
+30,@user @user @user Look at this bro,1.25,English
+31,@user It’s interesting to hear as we in Australia really have no idea what the situation is. Thanks for that.,1.5,English
+32,@user @user Hello mate. Any chance you could share this please? 😁 http,1.2,English
+33,for you i’d bleed myself dry.,4.0,English
+34,Just 10 weekends y’all! Ohio State @ Minn UNC @ VT Penn St @ Wisc Alabama vs Miami Georgia vs Clemson LSU @ UCLA Notre Dame vs FSU,1.0,English
+35,"@user @mehdirhasan in addition, how can you change a rule written by god. he didn't just change his mind",2.2,English
+36,@user @user Holy crap! Suzi took that photo! That’s hilarious!,2.8,English
+37,@user @user South African chutney?,1.25,English
+38,@user @user Dragon angling darma,2.25,English
+39,@user hmm 🙃,1.3333333333333333,English
+40,Ousted Myanmar President says army tried to force him to resign hours before coup http http,1.2,English
+41,@user @Gemini @charitywater @cameron @tyler Belkin_crack on Instagram helped me with same issues last week,1.6,English
+42,this isn't a joke this is a fear I've developed in the last year or two,2.0,English
+43,@user @user @user @SportsCenter celebrity privilege never surprises me.,1.5,English
+44,@user that day is today,1.4,English
+45,@user ‘85 Sugar Bowl,1.0,English
+46,@user @user @user In Blues case a very Fluffy Fluffer ..lol,2.0,English
+47,@user @user @GoldenKnights In the hood we just say scope but for sure I’ll start being politically correct 💯,1.75,English
+48,no group of friends? it’s okay i still have one who’s true not fake.,1.75,English
+49,Mission accomplished. http,1.0,English
+50,"@user @DoorDash Damn Shame, you tipped a $1.30",2.25,English
+51,Bunny with shades of the legendary Kelly Kelly with that headscissors #WrestleMania,1.0,English
+52,@user Bet they are missing us ? Brexit done without them,1.2,English
+53,@7NewsMelbourne Think you will find we won 22 Bronze not 4 @ChrisReason7,2.4,English
+54,"Mariano Fortuny y Madrazo ( 11 May 1871 – 3 May 1949), was a Spanish http",1.25,English
+55,@user Half of them are me tweeting Irene pics let's be honest 😭😭,2.2,English
+56,"""That's my lil brother anw""",1.8,English
+57,"@user @user @user Impliedly, that’s what you are saying.",1.0,English
+58,It’s crazy how #RHOP really gets the people going,2.0,English
+59,@user @user I never collect am !! Oo,1.0,English
+60,@user @sagarikaghose @timesofindia You follow Chaatne wala media which are pro Anti-India,1.0,English
+61,@user @user @user @SportsCenter @TrevonDiggs @NFL Bet yah ass was still in a diaper fuck outta here lmaooo,1.25,English
+62,"advertise,buy and sell on .....The Broker Marketplace......for free......welcome",1.0,English
+63,@user as much as i love you….. not this one,2.6,English
+64,In less that a month I will know if I move to the other side of the world in August 😬,1.8,English
+65,broken promise ...you was wrong fa that 🙇🏿‍♂️💯,2.0,English
+66,"@DaytonaBchPD Condolences to the family, friends and our community. 💔",3.0,English
+67,@user I vote for BTS 'Dynamite' by Son Sung Deuk for #FaveChoreography at #iHeartAwards @BTS_twt,1.4,English
+68,"“Follow God’s example, therefore, as dearly loved children” Ephesians 5:1",1.6,English
+69,@user 🤣🤣🤣🤣thank you TakaTina my baby kicked...kķkkķk was kinda worried the whole morning,3.25,English
+70,@user @BTS_twt Jung hoseok I vote #BTSARMY for #BestFanArmy at the 2021 #iHeartAwards @BTS_twt,1.0,English
+71,@user Come on! I’m so done with the bullshit! If females r so stupid to allow this then shame on them because they look like fools!,1.6,English
+72,I just want to live life to the fullest,3.0,English
+73,"he looks so smol when he tripped and then he says that it was a nice b-boy move,,, im cackling http",1.6,English
+74,For this I bless you most: You give much and know not that you give at all. - Khalil Gibran #quote,1.6,English
+75,"@user @user This is how it would be for me. It's humiliating, and embarrassing, and a waste of my time and energy...",3.2,English
+76,I need you mf to step your game up cause the way this man came at me I almost threw up .,2.333333333333333,English
+77,@user Thank you for your support. We are going to resist all such dictatorial moves on the part of HED and the provincial government.,1.8,English
+78,@user A piece of candy.,1.0,English
+79,@user They about to cook that mf 😂,1.75,English
+80,@user @free_thinker @iamjohnoliver @AltNews @zoo_bear @user Thank you to Archana and @iamjohnoliver,1.0,English
+81,@user I can surely make your banner DM me,2.25,English
+82,@markpougatch @IanWright0 @seemajaswal @itvfootball @ITV Either of your tournament winners 👌,1.0,English
+83,@Quicktake @user Marijuana is not a performance enhancing drug. Unless you're competing for the gold in snack eating.,1.0,English
+84,@user g une update,1.0,English
+85,@user Beyoncé is overrated,1.2,English
+86,@user He was in coma these two years Hahahaha #BringMehrabBack,1.6,English
+87,@user @user your pretty,2.8,English
+88,he wants to have a partyyy 😭😭😭😭,2.0,English
+89,"But, I’m truly lucky that you always be there for me in a certain time. People come and go, right? :D",3.0,English
+90,tbh i think i like orange juice more than apple juice now,1.2,English
+91,Boys make such cute girls http,2.0,English
+92,This man of God gets it. http,2.0,English
+93,"@user nova, loaded, chiz curls !",2.0,English
+94,@user @user I concur 🤣🤣🤣,1.0,English
+95,@user yasss bestie I've been streaming 24/7 na hahaha manifesting bts to come here in the pH 🥲🙏💕,3.0,English
+96,Eat her out dick her down cuddle up,5.0,English
+97,Vote for @user Cold as your Track of the Week. http http,1.25,English
+98,@user thanks for the follow,1.25,English
+99,@user @user @user I can make it 20k,1.6,English
+100,future fighter is ygo's best opnening becase it's sung by onoken and hosoya and honestly no one can reach their level,1.4,English
+101,Check out my latest #podcast http on #Podbean,1.4,English
+102,Lrt honestly tho. They be having Earth-20493 or sumn.,1.8,English
+103,My bed is covered in sexualized paraffin,3.2,English
+104,@5liveSport How exciting.,1.0,English
+105,It’s my first birthday away from home and I’m low key sad,2.6,English
+106,@user Spring day I vote for #BTS @BTS_twt for #BestDuoGroupOfTheYear at the #iHeartAwards,1.0,English
+107,If a bird shits on ur window that good luck right??,1.2,English
+108,@user Have you ever ate a wax cube? It’s kinda like that. But more crumbly and somehow sadder,1.2,English
+109,@user i was trying to procrastinate by going on twitter but i ended up studying too 😭😭,2.4,English
+110,@user Lol very cute for vaca to match 💅🏽 I only did white like twice 😫🤣 only to match my set.,2.0,English
+111,@user @CorinnaKopf now is not the time...,2.0,English
+112,@user @lemieuxdavid @user @GratefulDead This is a great version as well - http,1.4,English
+113,I can do so much for you,3.25,English
+114,Three years ago Dying Wish played our first show with @user and became a five piece band http,1.8,English
+115,@user @user You have just said your grandchild had a cold how did he have covid? That doesn't mean kids can get it,1.6,English
+116,@user I’d rather have a bathroom sink instead,1.0,English
+117,@user okay wait,1.3333333333333333,English
+118,@user Of course. Tell me anything.,2.5,English
+119,@fox32news That's totally racist. Immigration rules don't apply!,1.75,English
+120,@user @user It shows your parents standard and your locality..from where you belongs!!,2.0,English
+121,@user @user @user I have uploaded the picture of the meme for you,1.2,English
+122,@user guess it worked,1.2,English
+123,I don't see how people can be so nasty. #Hoarders,1.6,English
+124,Dike shouldn’t be in MLS at all,2.2,English
+125,trying to be better everyday.,2.0,English
+126,@user what's stopping u http,2.0,English
+127,my problem is i always decide to have a private concert when im listening to music while “writing” instead of doing any actual writing,1.25,English
+128,"Chromatica, Koatica and Galactica in the same room to see who is the first one born on this galaxy ... http",1.2,English
+129,@WLKY #CriticalThinking skills desperately needed.,1.4,English
+130,Do you ever have the urge to look at Reggie hentai?,3.0,English
+131,utah people decide they want to be motivational speakers with no training or therapy or education whatsoever and it’s so weird,2.2,English
+132,@user @user Yes no problem,2.2,English
+133,normalize acting like iz*one didn't disband,1.25,English
+134,im an obnoxious and weird but people still love me. if your friends dont like you because you're obnoxious and weird: get better friends,2.2,English
+135,@user hey bast thnx for giving me the first stepping stones to realising how flawed christianity was before i left it,1.8,English
+136,@user Good morning. http,2.0,English
+137,have a good night,3.25,English
+138,@user Big erse that 😜😜🤣,2.5,English
+139,what's good yow,1.0,English
+140,The “fuck that job” spirit heavy in this house today 😩,2.0,English
+141,@user Bartman made everything smooth and easy! Would sell to him again :-) LEGIT!,2.4,English
+142,I vote for cardigan by taylor swift for the Best Lyrics award #cardigan #BestLyrics #iHeartAwards the 1,1.2,English
+143,Istg this thing has crack in it http,1.25,English
+144,Earning money by #buyingcars and #sellingcars is not exclusive to a car salesman only. #CarBusiness -- http,1.0,English
+145,Do I want to go to Waikiki with the girls or stay home..I’m going to stay home 😅,2.2,English
+146,"@user 13. madami but ill give a few...people leaving me, not reaching my own expectations and people hating me...",1.8,English
+147,@user So who was it then http,1.3333333333333333,English
+148,I want a man that’s just orgasmic and just understand me and even if he don’t still respects me and loves it all like MMM.,3.25,English
+149,@user Keep driving but i slow down lol,1.6,English
+150,He want my number had to hit him wit that “mmm mmm” http,3.2,English
+151,@sportsiren Happy Birthday!!!! Long live ♊ Mine is June 15th!,1.8,English
+152,"I hate my brother! He just booked his vaccine and isn’t telling me how I can, he is literally the definition of gatekeeper",2.8,English
+153,@user Isn’t that the team that had a YouTube series after it,1.8,English
+154,yooo why is it quiet today🤨🤨,1.2,English
+155,"@user good morning o, come, are you not a Muslim?",2.75,English
+156,Hung. (Over.),1.5,English
+157,When they don't give me the sippy lids at starbucks I almost return the whole drink,1.4,English
+158,@user I can sense him through my aquarius powers as well,1.2,English
+159,@user the pretty reckless. but the rest of the band is men so...,1.75,English
+160,@user I thought it was an AC DC day for you?😜😜😜,3.25,English
+161,"@user @user wow, nice projects, let's go join 🔥 @user @user @user $SANA #Airdrop",1.0,English
+162,@newtgingrich Dems supported Antifa did it,1.4,English
+163,ـ Life is too short don't spend it with people who don't make you happy .🕊 http,2.2,English
+164,"@user @user You have been busy this week, Wendy.",1.6,English
+165,@user @user I was worried it was a broken jar and he swallowed glass.,2.0,English
+166,The lyrics on genius to makeup drawer are wrong it’s “and i know where you’ve been... and you know where i’ve been”,1.0,English
+167,tired of sleeping all day long but still wanting to go to sleep,1.75,English
+168,It's just me or my dick gets bigger every week? 🙊🍆🤔😳🥺🤯 http,3.8,English
+169,Ofc the RM Band are the best (waiting for grief from @user,1.6,English
+170,One thing about Cardi B she knows how to deliver a fire song and a fire feature that never sound the same,1.4,English
+171,Intimacy is the name of the game as the Moon travels through y... More for Aquarius http,2.2,English
+172,The Strom is coming #Nation_wants_Behan_Ji,1.0,English
+173,@user GRRRR,1.0,English
+174,We should call him #OXYGEN_MAN @srinivasiyc RT if agree http,1.6,English
+175,@user Add me to your timeline‼️,3.6666666666666665,English
+176,@user @user @user she's just joking HELP 😭,1.8,English
+177,@WingfieldNFL @MiamiDolphins @AutoNation Great stuff as always!,1.6,English
+178,"@user i know this can be a big lie, just for the part of ""Coco as an Echo fighter in smash"".",1.75,English
+179,"@user happy, bubbly jpop 🥺",1.5,English
+180,have no idea how to face u 🥲,1.5,English
+181,I just can’t have sex with just anyone lol ppl are wild,4.0,English
+182,@user @verge I can't believe you don't value family,3.0,English
+183,I'm voting for @SB19Official for #BBMAsTopSocial. RT to vote too! http,1.4,English
+184,@user @user you're too kind. thank you!!! ^^,1.8,English
+185,@user @user 🥺🥺.. my home.. is astro yes,1.6666666666666667,English
+186,@user Thanks for alerting me to these fabulous oat bars!,1.2,English
+187,"After we are done, she took a pen and marked my name! Inamaanisha?🤔🤔🤔🤔🤔",1.6,English
+188,@user ofc but focus on anyone way more,2.0,English
+189,Two own goals 😂,1.2,English
+190,"@user @user Did I hurt your ethno-obsessed feelings? We're ALL humans, stop with your dangerous role play.",1.25,English
+191,"@user My thoughts are with you and your loved ones, may she RIP",2.75,English
+192,dare i say gods menu was the most impactful kpop release last year,1.0,English
+193,@MiguelDelaney That's quite high in comparison to last week isn't it?,1.8,English
+194,@user @user its glorious 🔥🔥,3.6,English
+195,"@user ""WAH!!! I gotta go see if my bro is okay!"" *runs to Mario's house*",2.0,English
+196,"i’ll be yours through all the years, till the end of time. #MewSuppasit @MSuppasit #MyCandyHeroxMew",4.0,English
+197,I wish only Capricorns could see my posts cause a lot of y’all are so annoying. Idk how big accounts do it.,2.4,English
+198,@user Would you like to talk about it babe,3.2,English
+199,@user You'll never get my sweet blue studs,1.8,English
+200,It is good.,1.0,English
+201,if comfort was a person it would be namjoon,2.2,English
+202,@user have a nice dayy !!,1.0,English
+203,@user Can I have you lol,3.5,English
+204,@user dood seriously 🥲,1.2,English
+205,YES I AM,2.5,English
+206,"@user I like LN, JR and GB!",1.5,English
+207,i jus wish my ass was fat snd my stomach was flat 🙄,3.333333333333333,English
+208,@user Exactly. Fools will come back again later when the prices are back to normal and buy the peak instead. 🤦🏽‍♂️,1.8,English
+209,"@user if scaramouche wants to corrupt me, i think he should go ahead !!",2.4,English
+210,"@user same, except for the classical music, and also the crusades",1.0,English
+211,@JamesMelville @user 😞,1.25,English
+212,@user The wall running/jumping is certainly tricky in places 🙈,1.6,English
+213,Congrats to Maddie Sampson-Brown of @user on your commitment to @user,2.333333333333333,English
+214,Imagine thinking $15 is too much for a tribute 🤣🤣🤣,1.6,English
+215,@user I know but it’s been raining like this for a good 3 weeks,2.0,English
+216,@user @user Your beauty likes the ancient Egyptian pharaohs,3.2,English
+217,@BTS_twt i love u sm 🥺🥺🥺,2.75,English
+218,@user what does that imply,1.25,English
+219,@user @user if i was u i wouldn’t want anyone to see this mr vi,1.75,English
+220,"that every tayriana stan is biased argument is so dumb, the generalization is so strong",2.25,English
+221,Take your meds. Eat. Hydrate. I feel *marginally* better having done all three.,2.2,English
+222,A cookie shaped like Lancer's face. Maybe not a cookie.,2.2,English
+223,@user No because what can a good person do about it? We just agreed it's run by the worst humans alive.,1.75,English
+224,"i just got the biggest heartache, finally, my ending has come",3.4,English
+225,"Help, I am having a bias crisis. Now I don't know if the word 'bias' really exists of you stan TXT http",1.4,English
+226,Horizon: Zero Dawn may leave PlayStation exclusivity for PC - http http,1.0,English
+227,@sportbible The wonder save by Luis Suarez!,1.8,English
+228,@user i was having a good day until i saw this tweet :( /lh,1.2,English
+229,@user you too! good night^^,2.8,English
+230,@user @user You came into our mentions angry writing novels. Take your own advice and get lost LMAOOO,2.0,English
+231,"He will be a Hall of Famer, and maybe the first with his rookie card showing him with a metal bat? 🤔 #ping http",1.0,English
+232,"I’m going to keep a camera on him, and make a day in the life blog with this dude",3.5,English
+233,"You and me, always forever We could stay alone together",3.8,English
+234,Return of the Fairies by NovaKaru http,1.0,English
+235,Canelo broke that mans cheek 😭,2.2,English
+236,"The Dutch maestro has revealed he talked to Barcelona for four weeks, but couldn't come to an agreement 🇳🇱 #LFC http",1.0,English
+237,"@user The advanced box scores were super informative, but I'm not even sure they exist anymore.",1.0,English
+238,@user You think Clemson will come back?,2.0,English
+239,"@user mateosaga and ghostedjay, at least some of the biggest",1.0,English
+240,"Hey, these some of the best Cole records ever. Ever ever.",1.0,English
+241,@user @user No if u can save up £50+ for a mouse u can do it for £200-£400,1.0,English
+242,kırk sekiz i vote #Louies for #BestFanArmy at the #iHeartAwards,1.0,English
+243,The book The Alchemist will always have a special place in my heart.,2.0,English
+244,I’m goin in right on time then leaving immediately on time lol,1.2,English
+245,I need to laugh...what should I watch?,1.6,English
+246,@user well yeah.,1.0,English
+247,@user Cute!! ❤️❤️ enjoy!,2.0,English
+248,Accountant (Dubai) http,1.0,English
+249,Joe Biden is literally going to pay people to come to your house so you can tell them to go fuck themselves. Crazy times,1.6,English
+250,@user This is why I urge people to stay home for this one. Let the Trumpanzees fight it out with the cops while we watch it on TV.,1.0,English
+251,rt and reply ! I vote #BTSArmy for #BestFanArmy at #iHeartAwards @BTS_twt,1.6,English
+252,You know I don’t just say things just to say things,3.0,English
+253,@hariompandeyMP Jai Shree Ram🙏,1.0,English
+254,@MNXMovies @sarahjanedias03 Hii team I have won on 100 mania but I have still not got my prize,1.0,English
+255,@TheView @sunny What happens when a WOMAN makes it on her own and not her fathers coat tail. Congratulations lady !!!,3.0,English
+256,What the fuck was that!!!,2.0,English
+257,@user it exploded,1.0,English
+258,💖@thebonnierotten So damn SEXY!!!! 💖💖💖💖💖💖💖💖💖💖 @user http,2.8,English
+259,It's so fun to package your own stuff 🥺 Thank you for being my first ever orders!! http,1.0,English
+260,@user Praying for you ❤️ http,1.6,English
+261,@user well first time ever then,2.0,English
+262,instagram is full of stolen artwork and they don't even care,2.0,English
+263,@BTS_twt its still here for me??????,2.75,English
+264,New research shows that most new research is just some bozo asking their mate to support some cock-eyed opinion.,1.0,English
+265,You can’t even be nice to a nigga without his dick getting hard ugh .. I really hate y’all,4.0,English
+266,@user @Ninja This is not yt,1.0,English
+267,"Hi, just want to let you know you’re invited to my 1Annual Party 🥳 Read the flyer for more information thank you. http",2.2,English
+268,"@user @user this fellow teacher just did a spit-take, 🤣",2.0,English
+269,why is making playlists the most therapeutic thing ever,1.6,English
+270,@user was the tl silent or was the tl silenced,2.0,English
+271,Shelby Harris is so damn good,1.75,English
+272,@user Yip got the family plan!,2.2,English
+273,If I ask you if you want me to come over and you say “if you want” ima go to the next nigga crib. It’s simple.,2.8,English
+274,Most expected movies to watch in theatre #Sooraraipotru #Valimai We miss #Sooraraipotru movie in theatre. http,1.2,English
+275,"Look at him go! Panda cub Xiao Qi Ji goes rock climbing, gets cuddles from mama (VIDEO) http",1.25,English
+276,"@user I think the real question you’re asking is, who bets any horse or trainer on earth at 5/2 in these fields",1.0,English
+277,@MikeTrout ...Mike Trout coming back and surprising all of us by leading off to start this series????,1.0,English
+278,http [@GOP - you bought him so m/be you should pick up his debt?],1.5,English
+279,/ marcus is all jokes i swear 🤏🏼,1.75,English
+280,@user @Mike_Pence How long one needs to bring the proof. Not a single lawsuit succeeded.,1.0,English
+281,@PrisonPlanet As long as Our tax money is paying Pfizer.,1.25,English
+282,@user @user He should be investigated by #January6thCommittee @January6thCmte @BennieGThompson,1.4,English
+283,@user Homie ugly as hell🤣,2.5,English
+284,"@user You know, I don't think I've ever seen her that happy.",2.75,English
+285,this is our last week in this flat that we've lived in for 2 years :( this SUCKSSS !!! i'm excited for our next place though :)!,3.0,English
+286,@user Good thing you live in Florida. Taxes kill it in Tennessee. I load up every time I head down.,1.4,English
+287,@user I wan dispose these soon so I go just put you for mind,2.0,English
+288,@mkraju Eviction for 3rd offense,2.2,English
+289,The dutch trinities. Nicknamed the greatest trios in football history [A thread] http,1.4,English
+290,@user He wants to play the half,1.0,English
+291,the people who watched them on mcd yes so true the duality of astro’s concept http,1.0,English
+292,All these aggressive feminists shaa😂,1.4,English
+293,"Algeria purchased 450,000 MT of optional origin wheat in a tender on Wednesday. (Agrichart)",1.0,English
+294,Sutton with the keeper! Trojans trail 35-21 with 4:59 remaining. http,1.0,English
+295,"*Turns on the Wedding Singer* “I don’t know what I thought this was about, but it definitely wasn’t a wedding singer” - @user",1.6,English
+296,Chief #PawanKalyan has fully recovered from COVID - 19..! 🥰 Stay safe everyone.. Wear a mask.. http,1.3333333333333333,English
+297,@SarahKSilverman In all fairness that only happens 95% of the time. The rest inherit it.,2.0,English
+298,Probably Jack's mistake. @RechtspraakNL,1.8,English
+299,En garde! These students are learning to fence through @user #742bethedifference http,1.0,English
+300,What about a new hashtag? #TrumpMustTestify,1.4,English
+301,@user can't download :(( http,1.0,English
+302,beauty is pain and there's beauty in everything,1.75,English
+303,@user My body is ready,2.6,English
+304,I wonder how many will have a hangover from hell in the morning 🤭🇬🇧⚽️,1.5,English
+305,@SpaceX You need to be in! webs1te is http,1.6666666666666667,English
+306,@user he’s not even that bad lool just wanted to mock his hair,2.0,English
+307,@user @user @user @MollyJongFast They do it every time and we are Lucy with the football.,2.0,English
+308,I made krówki and its so good,1.6,English
+309,"“Identify your problems, but give your power and energy to solutions.” – Tony Robbins #personaldevelopment #tonyrobbins",1.5,English
+310,After buying rakhi of 10Rs and taking 2000Rs from his brother She: http,2.6666666666666665,English
+311,"When you hit a lick when you was just fucked up it hit different , niggas they could help you but didn’t gon get offended",2.0,English
+312,lowkey wanna talk to him just like the old days,2.5,English
+313,@user 💳💥💥💳💥💥💥 i want them,2.2,English
+314,in September I'm gonna make my 4 years with loona and I'm sensitive about it,2.8,English
+315,@user @PeterAlphonse7 @ptrmadurai @arivalayam @mkstalin super sir. you have reflected my thoughts about @PeterAlphonse7 sir.,1.4,English
+316,@user His impersonation of JR Ewing drinking whisky and cackling genuinely used to crack me up...,1.2,English
+317,@user i don’t have a neck tattoo but u can give me neck,3.2,English
+318,Y'all are absolutely nuts and I love you!! Thank you so much for an epic weekend in the Back 4 Blood beta! http,2.0,English
+319,Scott Morrison says gas will ‘always’ be a major contributor to Australia’s prosperity http with @adamlmorton #auspol,1.6,English
+320,"when taeyong says “i don’t judge,” just know it’s a lie",2.2,English
+321,@user Report _hack00 on Instagram is the only person who successfully restored my disabled in few mins,1.0,English
+322,@user I THOUGHT THIS WAS TODAY MF 😭,2.0,English
+323,@user @user BYE ASF,1.2,English
+324,@user This is so funny to watch honestly you look so goofy lol http,3.0,English
+325,"Good Morning Face Book friends, I do wish you all the happiness that one can get in a days time. TIGRESS AKSHARA FOR BB15",1.5,English
+326,@user Only for short men who want to kiss their girl friends.,2.8,English
+327,Yo this is sad...,1.6,English
+328,@user exactly why i dont want to put them hugh up in my oshi list 🙏,1.6666666666666667,English
+329,@user fofos,2.0,English
+330,@BrandonGowton Or maybe Las Vegas? I’m thinking he wants to be as close to LA as possible for game show hosting purposes.,1.0,English
+331,@user @user Equity is a requirement,1.0,English
+332,I love that fucking nobody in this school is scared of Logan #XMenAtHome,1.8,English
+333,@user @user We’re talmbout a dude that last time he was sharing time on a middling team tweeted out “I hate it here”,1.75,English
+334,@BretWeinstein Which books are being disappeared?,1.0,English
+335,i left my apartment for a painter’s tarp and came back with 3 days to pick up my new couch !,1.3333333333333333,English
+336,shoutout to my ex’s new girl. she can have ALL the problems that come with that. just do me a favor and get him too leave me alone,3.5,English
+337,@user Over the average (by western college education standards) IQ tweet of the day.,1.25,English
+338,This is the year of Greatness! because your potential is endless and you're half way there,1.4,English
+339,# work hard to achieve your goal http,1.2,English
+340,@user hey please checkout my pinned tweet and help if you can by donating a loaf or 2 of bread please 🙏🙏,1.4,English
+341,@CawthornforNC oh my god you are a complete tool,1.0,English
+342,@user Can we share this link with people? I have a long list.,1.0,English
+343,☝️ Iyer ☝️ Rana It's that man again! Shardul Thakur gets two in an over 🔥 #CSKvKKR | #IPLFinal,1.0,English
+344,Watching Mavs/Rockets for lottery reasons and Kelly Olynyk has 10 pts and a career-high 17 rebounds. Rockets up 7 with 48 seconds to go,1.0,English
+345,“WRAiTH” by @MickeyFactz is now on all platforms! 🔥 http,1.2,English
+346,"@user Yeah but i triple dare you to do it, you wont",2.8,English
+347,@user that is really kawaii,1.6,English
+348,"@user pretty badass sign off of that was your last tweet. your presence is missed, sir bullish. I bid you well 🍻",2.2,English
+349,#competition Humanity empowering site:#India is easily pleased with few 2012 #Olympics coins http http,1.0,English
+350,"My first FBG of the year @user . I drafted from the 12 hole, what do you think? http",1.5,English
+351,It took four months but ya girl ordered those neon orange kicks at half price we love a drawn out love story http,1.75,English
+352,"’m not ashamed of what I am and that I have curves, and that I’m thick. I loke my body 💕 http",3.75,English
+353,The only difference between standard socialism and democratic socialism will be the size of the mob at the door to steal what's yours...,1.6,English
+354,@user Empty this country of all illegal immigrants and their supporters,1.0,English
+355,@user would you describe your condition as being AIDS or VAIDS?,2.4,English
+356,US: Housing market moving gradually back into “balance” – Wells Fargo http #UnitedStates #Banks #Housing,1.0,English
+357,@user @lildurk bro💀💀💀 chilllllll,1.5,English
+358,@user beh beh,2.25,English
+359,Thank you for the shitpost. We can hardly be bothered to make our own at this point #longgatogang http,1.25,English
+360,This is what white supremacy looks like. http,1.0,English
+361,@SunnyLeone Nice,1.0,English
+362,@lisamurkowski Ugh! That’s not true. You should be open to a debate on the merits of the Manchin compromise.,1.6,English
+363,"Today you might have to put your money where your mouth is, es... More for Cancer http",1.2,English
+364,@user @user Hold on to that one! A good one indeed!,1.5,English
+365,I love this alligator. got its buns in the sun without a care in the world http,1.4,English
+366,@user @user 😂😂😂they made me laugh. If he remembers,1.4,English
+367,"@user You're 100% fine, don't worry!!",2.4,English
+368,"@user only a few. i sb-ed almost 3/4 of the community because i'm done seeing discourses, so why are they coming back 😭",1.5,English
+369,did u fart? bcs u blew me away😮‍💨,2.6,English
+370,One reason bicycles are a sustainable mode of transportation. http,1.0,English
+371,"@thehill oh boy, it is on.",1.8,English
+372,@user @user Height is just a number,2.6,English
+373,@fred_guttenberg He is full of shit. The George Hamilton tan isn’t fooling anyone.,2.4,English
+374,@user adding on to that it was just blown out of proportion for no reason,1.6666666666666667,English
+375,@user @user @user “Fine them later if you must” is exactly what this directive is. Just increases the fine.,1.4,English
+376,@user god youre so obsessed with me,3.4,English
+377,@user We don't accept military dictatorship. #July2Coup #WhatsHappeningInMyanmar,1.4,English
+378,@user I worked for the barn for almost 2 years. He’s always great.,1.75,English
+379,Need to start a website? Use my code to get your site &amp; up running with reliable web hosting from DreamHost! http,1.0,English
+380,@user @user @user even worse than the spilt field,1.6,English
+381,@TheMoonCarl I think you bull shitting,2.75,English
+382,what’s the point of even being friends if ur gonna be like that lol,3.2,English
+383,My sister bought me one of those yeti travelling mugs and I have to admit this shit is the real deal,1.6,English
+384,If there is something you have been putting off saying because... More for Cancer http,2.0,English
+385,Thanks to Coach Coleman for helping our guys with some speed work today http,1.5,English
+386,@user @user @user @user In the premier league neither have scored against a top 6 team this season,1.0,English
+387,"Easy come, easy go.",1.0,English
+388,where tf is adama,1.4,English
+389,@user She requested for it soooo I guess that's a go signal,2.6,English
+390,This Bulbasaur is winking at me. I wonder if he thinks that I'm his (grass) type? http,2.6,English
+391,O’Shea with our first goal of the season 💙 #WBA http,1.4,English
+392,cris + smiling = the best concept #skamespaña http,1.6,English
+393,"The mind is everything. What you think, you become. Gautama Buddha http",1.75,English
+394,did you finger her back or eat her out or anything? — Ofc duh it led to sex http,4.8,English
+395,That might have been the best episode of power ever,1.4,English
+396,@ThatKevinSmith don’t lie you were a ghost writer on cruel summer 😂😂,1.25,English
+397,@user Fine I'll just play rebirth with my 0 friends x,2.4,English
+398,@user Trust in an injury Nabi mate,1.3333333333333333,English
+399,someone gotta be BIG MAD with you if they saying “you gon be alone all your life” cause you dont want to be with them! 😩😭,1.6,English
+400,"@user morning!!! if it's cold, keep yourself warm okay!! 😊",2.25,English
+401,y’all be excited to get home to your pet? i do 😭,2.6,English
+402,@user @katiehobbs Yeah she is! She sucks!!! Criminal behavior,1.0,English
+403,"@user @charliekirk11 If he had anything, where is it. Back to Parlor.",1.0,English
+404,@user @Dom_Perrottet Rich welfare again. Oz is broke. How are we going to pay for LNP debt ?,1.4,English
+405,@user Where's that?,1.25,English
+406,@user @user They’re just trying to get clicks on their pages that’s all,1.0,English
+407,@user @user @user @_BarringtonII Creative use of the word “tough” to cover the bad half.,1.2,English
+408,@user It's worth a shot. Couldn't hurt and maybe it'll help👍😁,2.0,English
+409,@user She IS,1.6,English
+410,I want a workout partner.,3.6,English
+411,"More than 2,200 have died of coronavirus inside nursing homes but feds aren’t tracking the numbers: report - http",1.0,English
+412,she looked like a princess http,2.2,English
+413,Guess he didn't wanna stay for breakfast... 🙃 http,3.0,English
+414,@user wait i already commented fjjdjcj,1.25,English
+415,maybe that’s not the right word. but she’s crazy.,1.3333333333333333,English
+416,@user we might win the world cup tbh 🤟,1.5,English
+417,@OfficialKwity @user They was 😖,1.6,English
+418,Ana would like you to see her hot ass http http,4.8,English
+419,@user @VICENews Okay. Are you going to pay for it?,1.8,English
+420,@user What’s the OVR of the free one?,1.4,English
+421,"@user Nope, not yet. Not sure how to name them",1.2,English
+422,"@user Hello baby❤️, I would love to buy your feet pictures and videos, DM if interested.",3.333333333333333,English
+423,"@benshapiro She was doing great until Trump started making his ""comeback"". The pressure and cowering between votes worked.",1.2,English
+424,@user I think he deleted it 😭,2.0,English
+425,I want to go back to precedented times...,1.0,English
+426,"@user Aimbot, Cronus, Hacks the works but plenty of positive comments to. Nearly 4k comments man!!",1.5,English
+427,Reggie Jackson is carrying so hard rn,1.2,English
+428,@user It's a pedestrian defense. What's impressive is how readily leftists accept it.,1.2,English
+429,Sometimes I’d feel everything is so terrible then I’d remember “Breathe” by Michelle Branch exists and it’s just one play away,2.2,English
+430,@user Lol hopefully y’all get tired of this soon,1.6,English
+431,@user why do i love and hate this @ the same time,2.8,English
+432,@BrentSpiner Hardly,1.2,English
+433,@user i’ll dm you???,1.8,English
+434,@user @user @mazdaki @UmarCheema1 @user Yes i also think so😢😢,2.0,English
+435,sucks to be someone who feels emotions so deeply whether good or bad,2.6,English
+436,@user Oh!! I should have known it was one of those,1.8,English
+437,Has Alphari missed an ult ? Rumor has it anyone who's been close enough to see it dies,1.25,English
+438,@user @user @user @user @user You didn't,1.0,English
+439,@user after 3 years of being my roommate: “How do you say your last name again?”,2.6,English
+440,@user Is Hermes actually sad or does he just look sad? I don't want him to be sad.,1.2,English
+441,"@user @user He gets loads of credit mate ,he’s quality",1.5,English
+442,i love learning about fashion in french!,2.2,English
+443,I'm voting for @BTS_twt for #BBMAsTopSocial. tweeting is more encourage to make sure that it counts if you dont know you are shadowbanned,1.6,English
+444,ice cream ice ceam ice cream 😌,1.0,English
+445,Me and @user gon have to set him up ! http,2.6,English
+446,"Been seeing so much “RIP”,, “car wash funds” lately. You really don’t know when ur time is up, life really to short.",2.6,English
+447,@user Queen be putting the work in 👑,1.0,English
+448,Now a days a female can’t get mad at a nigha for cheating if they doing the same shii 🤦🏾‍♂️,2.5,English
+449,@Chime $edwinr1171 need for gas,1.2,English
+450,"It's funny how choosing to live a life authentic to you IRKS certain souls. crabs in a bucket, it's a spectacle you just can't miss out on",1.75,English
+451,@user Well he is 😊😊😊,1.6,English
+452,@user @user Can I burn it in mortuary ?,1.0,English
+453,Today is the only day you can rt this. http,1.2,English
+454,hobi and namjoon on weverse ♡,2.25,English
+455,imagine the gp999 girls who were close w the members watching the mv and being so proud 😭,2.0,English
+456,@user Well said Amy.,2.2,English
+457,@user I hope you are right. This is a fundamentally important point for Putin's punishment in the future,1.0,English
+458,@user @user I would pay a premium for this. We can ooohh and ahh in comfortability.,2.5,English
+459,"@user Boy, our *president* sure is a class act, huh guys? http",2.2,English
+460,@user I didn’t believe it so I had to look it up. http,1.0,English
+461,"@user Richmond Screamers. If it was just Jamie Tart from season 1, he could be “Lasso’s A””hole”",1.6,English
+462,@user @user @user @user Say what???,2.25,English
+463,@user @user massive own goal,1.4,English
+464,@user Ice is bad for you,1.2,English
+465,@user man i was talking about the ones i showed you not travis scott fish,2.8,English
+466,"@ShoeDazzle I’d like to see how they look when worn standing up. Toes all squished together, probably sweaty.",2.6,English
+467,@chhopsky @user @user People are stupid apparently and that’s not fromsofts fault,2.75,English
+468,"@user BARC Data for Week 7: Tamil Programmes .For custom viewership data, visit http http",1.0,English
+469,@user You might to clip those nose hairs …. Or are this left overs?? Lmao,3.0,English
+470,"""I'm not your Mary"" and ""I don't want any damn flowers"" come to mind of recent things that didn't used to cut so deep but now it does.",2.6,English
+471,I like you but not I'll drive to the Westside and pass the 405 on a Friday Like You.,1.6666666666666667,English
+472,@user You read them though and cared enough to reply. So that means I win right?,1.4,English
+473,Subtle peer pressure could be influencing you at this time. Fo... More for Pisces http,1.4,English
+474,@user I would make you a lucky guy if you wanted 😉 I hope your well?,4.2,English
+475,@user Can he play the nickel?,1.6,English
+476,@user You googled the wrong Dean. Do it again people have similar names😁,2.2,English
+477,@user U have notis on,1.0,English
+478,@user All good.. away jerseys are confusing,1.6,English
+479,@user my religion doesn't support this and I hope this is a joke.,3.2,English
+480,no rap me &amp; wop should’ve went into business together and cut the scruff out the middle back then. lmfao,2.0,English
+481,Guess I’ll make breakfast and watch @RealRemyMa on @user 🍫🍫🍫🤌🏾 only thing I don’t know is how her and @Papooseonline met !!,2.0,English
+482,@user You tried it before?,2.0,English
+483,"⚾️| McKay with a rip for a double to score Cox in the bottom of the 8th. T9 | Pioneers 2, Raiders 4",1.0,English
+484,"@user I'm feeling a bit better now, thank you! &lt;3",2.0,English
+485,"Transphobic trans people who pass well discovering twitter: ""Now I get to be the insufferable bitch that bullied me in highschool""",2.2,English
+486,if someone has a gf you should like not try to get w them ? 😂,2.0,English
+487,"bts represented their country, now theyre on their way to represent the whole continent",1.4,English
+488,@user pretty ironic,1.6,English
+489,Believe and you can achieve greatness your halfway there!,1.8,English
+490,"@user grass, what grass, did either admit to the rolling in grass?",1.0,English
+491,For my birthday I want to go see Glue Man and have them sign a big jar of rubber cement,1.25,English
+492,@KhawajaMAsif Yes like one desperate man sent his mother via Parcel and now he selling his Motherland,1.75,English
+493,im gen speaking our economy is getting fucked so bad bc of that war we’re gonna really suffer for a while this is scart,2.4,English
+494,@user @MarthaKarua Why? For airing my opinion?,2.0,English
+495,My accent isn't not helping me effectively communicate with anyone I'm trying to talk to in Pittsburgh 🤬,1.5,English
+496,@user @user Come and join! @user @user @user,3.0,English
+497,Life in general wants you to Sit down. And ask yourself why are you Sitting down,2.25,English
+498,@ShopeeMY superwoman in my life is my mother ❤️ ! thank you for the giveaway shopee ! #ShopeeMY #ShopeeMYGiveaway,2.0,English
+499,"@user have a great day ahead, tine.",1.25,English
+500,@Gabriel_Pogrund @HarryYorke1 Johnson is a Kremlin asset.,1.5,English
+501,@user @user How much is that annually though?,1.0,English
+502,@user Brother pick me first later u go select person pickin another Day,1.25,English
+503,&gt;play fzero &gt;level with alot of tunnels need to throw up now,1.0,English
+504,@user @CNN @sarasidnerCNN He is a neoNaz! And a murderer,1.8,English
+505,@user He can NEVER complain about how long it takes you,2.4,English
+506,@user If this is true then it’s gonna be great but I have a feeling they will still find a way to mess it up 🥲,2.2,English
+507,@user @user I second this as another Autistic woman in tech.,2.25,English
+508,"@user Damn...I just woke up, there was this pineapple here...hey does your ass hurt or is it just mine? 😩😳",4.0,English
+509,"@user @user @user Keep trying, eventually transphobia will make someone laugh.",1.75,English
+510,@OWNKeepItReal Childddd a mess. Mess,1.8,English
+511,"@user Hehe nice reference, just need the hair to be a bit messier xD",2.4,English
+512,@user Three I'm voting for #Beliebers for #BestFanArmy at the #iHeartAwards,1.8,English
+513,@user Looking like the Walmart version of @NICKIMINAJ,1.0,English
+514,This is very mediocre,1.0,English
+515,Do we really need to be in a relationship😊,3.4,English
+516,@user What do you think I would say?,1.4,English
+517,@user Where are you tweeting from?,1.4,English
+518,"@user Not one Florida city on this list. What day you, @user",1.0,English
+519,@user I know i need to go to bed cus i was looking for Usher 😅,2.75,English
+520,@user no fr it’s so dark i was having a hard time reading it 😭,1.5,English
+521,@user testing us-east-1 775b7958-5d06-4406-b50a-4ac81038515b,1.0,English
+522,Not been on here for while sup guys #Tuesday,1.75,English
+523,People could bring some truly fabulous opportunities your way ... More for Taurus http,1.0,English
+524,@user @binance @user Thank me later http,1.6,English
+525,"@user @jmoorheadcnn @McKennaEwen Ok, Boomers.",1.0,English
+526,Peter smells of grilled cheese.,1.8,English
+527,@user @user That Ezlinks classic at the end was fuego,1.8,English
+528,@user http,1.0,English
+529,@user who the fk asked him to speak stfu,1.8,English
+530,Oh Lord I woke up once again facing this bullshit but I'm still here and so are you. In cheerleading mode 📣,1.8,English
+531,i love you so march,3.25,English
+532,"I vindicate a obesity for tummy, kidnapper, and agriculture",2.0,English
+533,just wanna be good at least on one positive thing but I guess I just really cant,2.2,English
+534,@user May as well👏🏻👏🏻👏🏻👏🏻,1.0,English
+535,my calve hurts so much,1.6,English
+536,Wise words. http,1.25,English
+537,It’s been 4 hours since the song came out and I’m still crying #harrystyles,3.2,English
+538,@user @ScotExpress @user @RangersFC So why are these victims and their families being ignored👇 http,2.4,English
+539,Footballers as... Cartoon characters,1.0,English
+540,@user like I’ve been attracted to people but not to the point of full on crush which kinda makes me sad,3.25,English
+541,@TheAthleticUK @ChrisDHWaugh Fit to do the business against the spuds 😋 http,1.0,English
+542,"I wanna walk like you Talk like you, too #ELHAlabanAngGaling",1.6,English
+543,ready to see the bardagulan 🥰,2.6,English
+544,"@user @YouTube since i'm never voting again, this has nothing to do with me.",1.8,English
+545,"@user @user Beautiful, Killian! Grew up near Monument Valley.",2.6,English
+546,We know what happens to people who stay in the middle of the road. They get run over.,1.2,English
+547,@user @user Entonce 🐧,1.25,English
+548,But like I don’t want to and can’t leave him. I fucking love him too much. And I know he loves me we just have things to work on.,4.4,English
+549,He's concerned about hoshi's shoulder injury please 😭✋,2.4,English
+550,@user I think so lol it happened so fast but both the net and antenna moved so probably yes,1.0,English
+551,This was the best pissed up purchase . http,1.75,English
+552,@user @user but your veggies are still sad tho,1.4,English
+553,@user @user Alexa is my main. #AlexaIlacad | @user 99,3.25,English
+554,What are some types of content you'd like to see from us in 2022? 😊,1.0,English
+555,@user Why he get up like this tho 😂 http,1.6,English
+556,"Team Canada CEO ""worried"" if Beijing Games can go ahead as planned http",1.0,English
+557,@JoeTrezz was aware that there were monkeys but not bp throwing monkeys http,1.2,English
+558,@user Ley de Murphy,1.0,English
+559,Ukrainian Railways Chief Says 'Honest' Belarusians Are Cutting Russian Supplies By Train http,1.0,English
+560,@user It's wonderful.,2.0,English
+561,Don't you ?,1.4,English
+562,@user That was rock solid!! Loved@that routine and her grit!!,1.5,English
+563,@user Yup especially if it has to do with you know what,1.5,English
+564,Fascists so rarely wear henleys…,1.0,English
+565,@user NOBODY DISRESPECTED HER we love her😭 i think the video was funnny,2.6,English
+566,I wanna go to a spa,1.2,English
+567,"@user gm jul, have a nice day ❤️",3.0,English
+568,@PaulTassi That’s happening to me with Birthplace of the Vile,1.6,English
+569,@user I’ll take the McAfee haha I can throw extra in for shipping,2.0,English
+570,@user Fair right in Sindh this girl must be joking.,2.0,English
+571,@user OK,1.0,English
+572,i found this in my files and i just realized i never posted it whoops http,1.25,English
+573,"@therecount it is the media role again, trying to place more pressure on both countries",1.4,English
+574,"Systems will fail, People will fail, GOD WILL NEVER FAIL YOU!",2.4,English
+575,@user @user imployment,1.5,English
+576,If you would let me give you pinky promise kisses,3.75,English
+577,@user Please get more water at work!!🥺,2.0,English
+578,@user One is a youngster and the other one is 32 and earns 20mil+ and still wants a pay rise,2.4,English
+579,@JoshBeardRadio Power play by Mulugheta. Get panthers to agree then force Falcons and Saints to agree. Just a tool to manipulate the bidders,1.2,English
+580,@user @user @TheDemocrats @JoeBiden IQ45 is higher than IQ33 today,1.25,English
+581,"@user These aholes should pay for all Buddy's care.They destroyed these dogs,and have to be put down.",1.2,English
+582,"Name a reason why you're single Me:Because I'm too fine for the ugly ,too ugly for the fine😕😕😕😕😕 http",3.0,English
+583,"$IWM For a Limited Time,, we are opening our trading chatroom to the public http",1.0,English
+584,@user Most dangerous job in America.,1.6,English
+585,I’m done with trying to have it all and ending up with not much at all,2.6,English
+586,@MLB Your tweet was quoted in an article by forsythnews http,1.0,English
+587,Let’s flaunt those eyes. Quote this with a picture of you on a nose mask? http,2.2,English
+588,"Happiness is found in doing, not merely possessing. UMAR RIAZ ANTHEM OUT NOW #BB15",1.6,English
+589,"@PGATOUR Chipping FFS, used to be my favorite, now I wanna cry if I can't putt from a tight apron",2.6,English
+590,I know my cousin Reen bout to slay my bag !!!!!,2.4,English
+591,$TZOO Earnings reports today before the markets open.. It’s free to join.. http,1.2,English
+592,100 cyan and 100 magenta is purple,1.0,English
+593,Jill Biden Interrupts Joe Biden Debate with Reporter on Abortion how is it this idiot was given ashes today http,1.75,English
+594,"@user @user @user Obnoxious or not, I’d pay for that fight. 😂",1.5,English
+595,@user I’ll keep that in mind,1.0,English
+596,@user I've tried it. It's good. 😎👍🤟👋🫡,2.5,English
+597,@RealSpikeCohen How about something for us gentiles on Good Friday? 🤗,1.5,English
+598,@user I see a me! 💙 http,1.0,English
+599,@user also,1.3333333333333333,English
+600,"never SEEN a person so up their own ass, and 4 WHAT? 0 reason",2.2,English
+601,SAD DREAM( UNDEAD CORPORATION Official Lyric Video) http @user,1.0,English
+602,@dhume @user Economy is only one dimension of power.,1.0,English
+603,Timeline of COVID-19 moments since 1st case in Rochester http,1.0,English
+604,"@user @user @user You're not alone, Cody! http",1.6,English
+605,@user you are so Kind 😎,2.5,English
+606,@user He is why i avoided this game for bets hes 💩💩,1.4,English
+607,@user Me but with saber,1.0,English
+608,@user Century answer east end hope describe building want.,2.0,English
+609,http,1.6666666666666667,English
+610,i totally won and didnt die to controller wingman 3 stack http,1.6666666666666667,English
+611,hadn't my decided replace spikes. after #SimulStream,1.0,English
+612,@user City only have to match Liverpool's results to win the Premier League,1.0,English
+613,@user you love to see it ❤,3.25,English
+614,@user The King for the Win 🔥,1.2,English
+615,@user @nickmangwana @edmnangagwa I think the urine bag is leaking,1.6,English
+616,@user Feels like it sometimes,1.4,English
+617,I honestly can't believe the way people talk to each other sometimes,2.4,English
+618,"@user That fff'ing sucks. Metro is charging a ""covid fee"" of what used to be $3, is now $4, if you go pay in person 🤬😡🤬😡",1.25,English
+619,Today was inspired by Eyes Wide Shut (1999) http,1.25,English
+620,@user Means you would never go 30 years without a title probably,1.0,English
+621,@user @user LMFAO. We stood a better chance with the women. That one go cut off your “twins”.,4.0,English
+622,@user @user @user is following me. adha sonen,1.0,English
+623,anyways i hate fs and fstwt time to stay away again cs it only stresses me out most of the time,1.25,English
+624,@user !!! who are they? it looks so cute,2.0,English
+625,"@user @Cernovich By the way, liars like you claim to be all kinds of things on Twitter to spread Leftist Propaganda.",1.4,English
+626,A whole bus company like Coast Bus doesn’t have an Mpesa option of payment. They are saying strictly cash.,1.0,English
+627,"US-Led Economic War, Not Socialism, Is Tearing Venezuela Apart http via @user",1.0,English
+628,@user i literally don't understand what's happening http,1.2,English
+629,@user @user There you go I did thanks 😊,1.6666666666666667,English
+630,@user @user i'm in and my guys @user @user too,2.0,English
+631,$UPST...okay! Can we get to $140 this time?!,1.0,English
+632,I have my annotated Addicted/Calloway Sisters on my other phone 😮‍💨,2.4,English
+633,@user Thank you! She seems to be feeling better. Fever going down slowly but surly 😁,2.2,English
+634,@user dm's are ALWAYS open for thoughts or feelins or pics or recs or stream of consciousness,3.2,English
+635,@user Lovely! Happy Birthday!,2.5,English
+636,@user @user Cheap light weight cardboard boxes. How appropriate.,1.0,English
+637,Look at Yeboah doing shit. #Jets,1.5,English
+638,Tomlin still has never had a sub .500 season,1.0,English
+639,"No, you don't 🙂",2.2,English
+640,Brad Garlinghouse and Ripple believes that XRP will hit $10 by the end of 2022 #xrp #xrpsec http,1.4,English
+641,Pineanal's are better then Pineapple's,2.5,English
+642,"@user kanna my beloved, i see u have returned",2.2,English
+643,Join me If you want to enjoy your bath time💦 http,4.2,English
+644,"@user @user She's in Hungary, you wouldn't know her.",2.8,English
+645,@user @user Saw a bunch of excuse me n y’all were being scary “man just chill we can see etc”,1.6666666666666667,English
+646,I just watched it and Yabu is so cutee and Inoo is so handsome🥺💚💙 http,1.75,English
+647,new song &lt;3 http,1.0,English
+648,Black students mattered at HBCUs decades before Black student-athletes were profitable at P5 PWIs.,1.0,English
+649,"I'm raising $750.00 to pay our rent by April 4th, or else we will be evicted.. Can you please help? http",3.0,English
+650,It's time for men to come on board this fight now #ShameOnSturgeon,1.6,English
+651,"@user I only saw the stage video from the SMTown concert, I believe- not sure if there’s an MV or will be one",1.6,English
+652,TWICE is jype's most streamed artist in april and they haven't comeback since december http,1.0,English
+653,I’ve been doordash and Instacart a lot lately. Tonight I’m taking it off. #doordash #Instacart,2.6,English
+654,"@user @user Yes, this is real.",1.6666666666666667,English
+655,@user (Bump,2.25,English
+656,"“Transportation should always connect, never divide.” @SecretaryPete is great on @60Minutes tonight👏👏 http",1.8,English
+657,Thick AF Latina MILF with great tits and DSLs #MILF #BigTits #BigAss #NSFW http,4.2,English
+658,Melty wanted some attention ^^ I love this kitten even if she does play/tries to eat my hair http,2.75,English
+659,@user How the wedding preparations?,3.2,English
+660,Maisen took his socks off and got under the covers ig going to bed early tonight 🤣,1.6,English
+661,In the parlor with a moon across her face,1.8,English
+662,"Be happy not because everything is good, but because you can see the good side of everything."" UNITY FOR EIAN",1.6,English
+663,I thought switching to paper straws was going to save the world.,1.6,English
+664,@user Bunch of idiots,2.4,English
+665,i would love to be dead rn,4.0,English
+666,@user @user @user That's his preference I'm sorry take heart🥀,3.0,English
+667,looks like you can enter but you cant see yo friends-,2.0,English
+668,"@user God I hope not, People are barely able to get the one thats available now. And you wanna release a new one?",1.0,English
+669,i wanted george to win tomorrow so bad guys 😭😭😭😭,2.25,English
+670,Indian actress's voluntary boob show in Instagram but she acts like it's a mistake. http,2.5,English
+671,@user U like that ass ate baby,5.0,English
+672,"I voted for [ENHYPEN] JAKE !! Total Vote Count:156,143 http #JAKE #ENHYPEN #KPOPJUICE",1.8,English
+673,loh shounen waltz is #1 in my on repeat playlist??? i don't remember repeating it these days 🤔🤔🤔🤔,1.0,English
+674,"""We have uncovered information that if he escaped the supermarket he had plans to continue his attack,” the commissioner said",1.0,English
+675,Why waste your time getting hurt by someone when there's someone else out there waiting to make you happy.,2.0,English
+676,My song recommendation today is Hot trendy song #BTS_Filter by #BTSJIMIN #BTS @BTS_twt http,1.4,English
+677,@user She saw those gym pictures and now she's fishing.,2.2,English
+678,@user Do you think wild will sign him and when,1.2,English
+679,the hottest commissioner i've ever seen http,3.0,English
+680,What happened to fedez? 😭,1.0,English
+681,@user I see you have been tearing it up! Very proud of you! (Your middle school coach),4.0,English
+682,this started because i only now realized that he can't even reach the controls on his own games. http,1.0,English
+683,Niggas be like “Hey beautiful” when they first meet you and never call u beautiful again 😂,2.5,English
+684,"@user The state of Maryland only lets criminals conceal carry. Right, @user",1.6,English
+685,he's already the coolest person alive :( http,1.2,English
+686,@user Jesus what do you do? Obviously something with interior decorating or remodels?,1.4,English
+687,Are you stronger than yesterday?,1.4,English
+688,Probably would be for the best to work out more often. Starting to feel a *bit* out of shape. http,2.6,English
+689,@user what was his name? 😍🤣✅✅⭐ http,1.0,English
+690,Finding out that Riley needs to have surgery had me sobbing in my car while receiving awkward looks from people around me,4.4,English
+691,i like the dance break btw so u all have to like it. 🫵,2.0,English
+692,@user @user I wanted to ask the same question but I depleted my uupote bundles,1.0,English
+693,Fucking knees now http,2.25,English
+694,in another life and in another love🥀🕳,2.4,English
+695,@user While we see this every time teams play Al Ahly and Zamalek 🤣🤣🤣,1.5,English
+696,Here's late 2016 shortly after my first 100cc add to my sack. Can see my partial subincision! http,3.0,English
+697,76 is a shooter #NYR,1.3333333333333333,English
+698,"If we're supposed to buy American, why are we still buying Russian oil?",1.2,English
+699,@user Buncha nonsense honestly.,1.0,English
+700,@user You could have spared us the image. 😎,1.5,English
+701,"@user Where there's illness, there's brass",1.5,English
+702,Anyone need hyunjae photocards. Majority is under $6 http,1.8,English
+703,@Ashton5SOS Why not just play your entire discography🤷🏻‍♀️,1.4,English
+704,I’m so bloody happy,1.25,English
+705,💔 If you’re #prolife and anti #GunControl you have no ground to stand on. None. #Uvalde,2.0,English
+706,"@user Oh wow, now that caught my attention. Lovely piece.",3.0,English
+707,Pepe is 55 and he’s still a monster,1.2,English
+708,@user @user LARALLLLKKKKKKKKKKKK,1.5,English
+709,@user Who needs a vouch for BH cod👀,1.0,English
+710,Who is free now Dm will come visit http,2.8,English
+711,"This report is so comprehensive, I should show it to my friends!#CovidIsNotOver http",1.2,English
+712,i kinda miss having as much guy friends as i did before lol,2.2,English
+713,@user keep that shit to yourself 🙄💔,1.4,English
+714,MOU exchanged between CSC e-Gov and LIC HFL for enablement of LIC HFL products through CSC VLE. http,1.25,English
+715,My first 2022 meal. What's up in Mojadjis? @tito_mboweni http,2.0,English
+716,#tinyworld are giving away 10000 TINC tokens! Join the competition here: http,1.0,English
+717,done bball w/ Muelshit,3.0,English
+718,"@user @user Haha, it would seem so!",1.8,English
+719,"I buy you PS5, You off boxer; you go do or not??🙄😑",2.0,English
+720,@user Should have slapped him twice,2.4,English
+721,"@user for some reason, I thought of earthbound first",1.5,English
+722,how to treat ya girl right 1. only flirt w her 2. let her roast you 3. dick her down 4. be competitive 5. send her memes,3.2,English
+723,@user recommend me some songs from them,2.4,English
+724,Baby bam is my favourite and cutest bts pet,2.0,English
+725,Forgive me I just want to win http http,1.5,English
+726,Troy Kotsur of CODA and Arianna DeBose of West Side Story could be on their way to Oscar wins. #AFI awards lunch. http,2.0,English
+727,@user . Follow All that Retweets this quickly *🌱¥🫖🌦️🍄,1.0,English
+728,@user @BTS_twt Junio #BTS_Butter by #BTS is my favorite song of the moment! @BTS_twt,2.4,English
+729,@user @user ok?? u both suck and r mentally ill,2.0,English
+730,i miss having friends,2.6,English
+731,"@user We do understand your concern, Heamendar. Further, we have addressed your query in DM, kindly check the same. Thanks, Nehal B",1.2,English
+732,@user @user @user Do they tho?,1.0,English
+733,@user i moved.,3.2,English
+734,Writing Book: The first chapter of your memoir sets the tone. Me: That's why I tell everyone my favorite restaurant is Chipotle.,1.25,English
+735,"Another weekend and Love never find you, sigh😔",3.2,English
+736,@user Hey Michael! Let's see what we can find out. Could you shoot me a DM with the product details?,1.4,English
+737,Bedding plants season soon to start http,1.0,English
+738,@user Where is the video of Daniel?,1.8,English
+739,hes eating cake and im planning to eat him,4.4,English
+740,@user @user They don’t even bother hiding their misogyny,2.4,English
+741,fuck you for making me sad.,2.75,English
+742,Kenya I vote for #Butter for #BestMusicVideo at the 2022 #iHeartAwards @BTS_twt,1.25,English
+743,@user I need this on my pin display🔥💞,1.8,English
+744,Every year there’s the bemoaning over a team with plenty of chances in a major conference being screwed. http,1.2,English
+745,"24 hours we were waiting for the verdict, now Johnny is waiting to go on stage. I love it",2.25,English
+746,Big on peace right now I don’t want to deal with no weird shit,2.2,English
+747,"@user @user Ok, now you're just trolling! If we're going down that road, straight to Rust we go.",1.6,English
+748,To err is human to forgive divinea,1.0,English
+749,"$SOL ,$800 into $25k with them. If you really want to make huge money 💰.Join us. http",1.0,English
+750,“tweet a picture of your fave when they were the same age as you are now” y’all took wincest shippers out the game 😭 j2 aren’t that old yet,1.6666666666666667,English
+751,@user I JUST KNOW U TOO WELL 😍,3.4,English
+752,Here's the track we're playing now. Tune in @ http Anbuu - Traveling,1.0,English
+753,@johnkriesel So glad that you were part of this special night. Minnesota was so proud of you.,2.0,English
+754,@user I'm listening to the best song #LALISA from #LISA of (@BLACKPINK) BON VOL LALISA #LisaParisienne,1.5,English
+755,My sister almost went to school but decided to suck my brother 18 years old (stepsister) @user Port 1💋 http,5.0,English
+756,@user Have 1tsp gur in a little ghee after every meal. works over time. daadi's tried and tested wisdom.,2.6666666666666665,English
+757,@user @user So many people told me about that medal when I was working on my book on The Eighties!,1.2,English
+758,"When it's gone, you'll know what a gift love was. You'll suffer like this. So go back and fight to keep it.",2.8,English
+759,So... did the dissemination of this information culminate in any preparedness plans? http,1.0,English
+760,The Washington Post: Ukrainian city Irpin shelled as people try to evacuate; 8 killed. http via @user,1.2,English
+761,@realchrisrufo Dump your #Disney stock now.,1.5,English
+762,40/05/35 51:11:10 Ù…e I don't like people around me sad. I like making people happy. http http,2.2,English
+763,4 Months into a ceasefire with @user be like… #IAMKONG #SOON 👀 🏀 🚀 http,3.25,English
+764,@katiehobbs Not for the child it kills.,2.2,English
+765,I'M STILL NOT OVER TO THIS VERNON 🥺😭💗 HE'S SO AAAAAAAAAAAAAAAAAAA http,1.6666666666666667,English
+766,I don'. turn him into stars and form a constellat? As much as I would ؟? نمشے 🔹KM11🔹 🔹KM11🔹 🔹KM11🔹 http,1.0,English
+767,@user It's my own experience :),1.8,English
+768,@user @user Second this with the quantum Mike Gillet darts,1.0,English
+769,"ADAMA is all-in on canola. Made from the world's largest library of actives, our solutions protect your crop and your ROI.",1.0,English
+770,@user Where are you finding all these rare gem memes 😂😂😂,1.0,English
+771,"We will continue to fight for what @user stood for; justice, human rights, equality and anti-corruption. #WeAreYaamyn 3/3",2.2,English
+772,@user @hartfordcourant Thank you!! I am so excited to work the beat with you!,3.0,English
+773,why are women so attracted to men that don't care about them?,2.5,English
+774,Wonho and his antenna? hair #WONHO http,1.2,English
+775,so used to watching lectures at 2x speed ki ab normal speed very weird and very slow lagti hai.,1.5,English
+776,@user @Froste Hi sup,1.4,English
+777,@user I’ve looked for love in every stranger,3.0,English
+778,@amybruni @AdamJBerry @chipcoffey I binged watched the whole 6th season. More please. LOL!😆😆😆😆😆😆😆,1.2,English
+779,@user I know that’s not what you were after 😬. Guessing that if you have a js slides engine you can use the embed,1.25,English
+780,@MSNBC @chrislhayes Are we sure she is a “women”. She was unable to give that definition. Just wondering.,2.5,English
+781,@user @user Pretty sure it's him.,1.2,English
+782,@user Aw thank you for the comment and cheers for the support ❤️,2.75,English
+783,@user holy shit last time i was at this tag two days ago there were only about 800 works,1.4,English
+784,Jeffrey Star really has became so irrelevant and he was stepping on all the YT girlies necccccs,1.75,English
+785,@user It's really good fried!,1.5,English
+786,@user 『✿』 You should message them about that! I'm sure most people would love to RP with you.,3.5,English
+787,@user @NPR He didn't bomb Assad. He is asking to be paid back.😠,1.6,English
+788,Morning let's voice our opinion under this tweet i mean ain't nothing wrong with it 😂😂 #BBMzansi,2.0,English
+789,I'm sorry to inform you of this but the one singing dathoml is not popia but this man http,2.0,English
+790,"@user I was told the Trump Russia business was a giant hoax, nothing there at all",1.5,English
+791,@user @user @user @user @zoo_bear Ours(muslims) behaviour is totally different from the teaching of Islam..,2.2,English
+792,"another day, another galaaaauuu",1.0,English
+793,@user @user Do you recommend living in San Salvador Stacy? Or more coastal?,1.5,English
+794,@user Sure you can 😁,1.25,English
+795,@user Go kill ur self fat fuck imagine taking somone acc u virgin,3.5,English
+796,@user @user are you stupid? that’s not microaggressive,1.2,English
+797,"@user It should always be like that. In this case, a stepdad is tormenting the mother by running away with her son #Justice4Jemimah",1.75,English
+798,"George is wearing a blue t-shirt, which is ever so slightly too large on him. Most people wouldn't have looked twice.",1.5,English
+799,@user it is modestly! I'm shy too😏😏 http,2.75,English
+800,"the universe really said “maybe we have put her through enough, let’s give her this perfect guy”",2.8,English
+801,@user I can't find them too 😭,1.8,English
+802,@user @user @user @user @user @user @user @user @user Reddit is weird,1.6,English
+803,Not Dylan getting my sloppy 2nd just bc we fucked him does not mean we are the same hoe,5.0,English
+804,"If you have dreams follow them hoes , to hell with what everybody else thinks",1.25,English
+805,@user 😂😂😂Arsenal get all they deserve for being cowards,2.25,English
+806,"@user A rare oshi no ko post, it's a beautiful manga",1.6,English
+807,This is Britney! Come play with her too! @user and use my code: CARLEY http http,2.8,English
+808,@user @user @user @JuliaHB1 Ignore the fact that I have in fact read the document and understand its contents,1.4,English
+809,I hate rude ass people,3.0,English
+810,I wonder what’s really gonna push her off the edge,2.2,English
+811,@user @user @wemabank So that the money won't be diverted. Good one Wema bank,1.25,English
+812,@user You're bloody gorgeous Rosie please stop putting yourself down ! There is no need for you to do so xx,2.75,English
+813,@user @user I hope they never google aral sea,3.333333333333333,English
+814,@user @user Mf is only arguing for the sake of being annoying istg,1.2,English
+815,RND dropping some major updates soon stay tuned 👀,1.0,English
+816,Your need to be used as a Fuckdoll is absolute @user http,4.4,English
+817,Russian cosmonauts boarded the International Space Station today wearing blue and yellow 🇺🇦 http,1.0,English
+818,@user Belgium #ShamitaShetty #ShamitasTribe,1.6,English
+819,"@user I mean, Hitler murdered way more than that.",1.0,English
+820,@db_legends_jp Add them to the game http,1.0,English
+821,"@user Sadly, yes. Thank goodness we have the seafront.",1.5,English
+822,@user @user @user Bob you have the healthiest teeth I have ever seen,2.8,English
+823,@user “Maybe your standards are too high!” http,2.2,English
+824,Johnny Fever got the samples on him like le musica de harry 🤒,2.0,English
+825,my world is black and gray.,1.2,English
+826,@user She saw him do this interview and said fuck him 😭 http,2.2,English
+827,BreakingNews: Kakira sugar factory reportedly on fire. Details to follow. @nbstv #NBSUpdates http,1.0,English
+828,@user I almost fall down from where I was sitting,2.2,English
+829,@user No. Which is suggestive of something.,1.4,English
+830,I'm not a hooper at all and I know Ayo is just attacking a close-out,1.4,English
+831,@user @user I love this!! I have my grandmother’s steamer trunk plastered with stickers…,2.25,English
+832,Doing work you love daily is top tier self care,1.8,English
+833,"@user @user @FoxNews If we need oil, us producers can pump more. They care about profits over country.",1.0,English
+834,@user @treasuremembers Pretty😍,2.6,English
+835,@user @user Looks like MSOSDan was likin on CURA eod 😉,1.0,English
+836,@user Ignore that prick you look gorgeous with it without braces,2.0,English
+837,@user Thanks fam!!!! It's all vibes! The energy is too real,2.4,English
+838,@user Tell him I said he was a pig.,2.0,English
+839,@delatorre Gators BA up to 51st in the nation before tonight's game,1.25,English
+840,@user @NASA I identify as c*nt..it's more of a gender slur but I must be called by it. I'm a sadist.,3.2,English
+841,@user And i can speak English but Im from Argentina so http,2.5,English
+842,"@user Told ya, they’re just awful!",1.4,English
+843,@user next time he posts one of his fans i will ss for u,2.0,English
+844,@user It looks so crunchy 😍😍👏🏾👏🏾👏🏾,2.6,English
+845,#StartNewLifeIn2022 “New year is giving you a chance to free your soul” Sant Rampal Ji Maharaj,1.8,English
+846,@user sick and twisted,2.2,English
+847,@TwinB hey man,1.0,English
+848,"@user @user @user @user Faster shipping, no?",1.5,English
+849,"more interaction with y’all, ily. 🫶🏻 http",3.2,English
+850,@McDonaldsUK @user Happy new years to you too! I fancy a hashbrown to start off my year 😆,2.2,English
+851,i love playing with oil 😉 http,2.4,English
+852,@user booking rates? cant dm,1.4,English
+853,what’s a curb &amp; why do I have to run it over?,1.2,English
+854,@user I was so fucking pissed dawwwgggggg. Wasted potential,2.6,English
+855,@user @VP You are sending your worst.,1.8,English
+856,@user more to come ✌🏻,1.8,English
+857,listening to my ii show again and omg mine and @user reactions to phil's deep voice LMAOOO http,2.25,English
+858,Bro imma need an iPad to watch the league cause imma always be on the road this year 😭🥴,1.2,English
+859,@user Happy birthday!,2.6,English
+860,"Missed Degods, missed cets, maybe @user ? Heard it broke solana http",1.0,English
+861,this boy is crazy 😂😂,1.8,English
+862,@user 3 lions might eat him?,1.6,English
+863,@user @user Ifb ASAP,1.0,English
+864,A commission of #LeagueOfLegends Sett and Irelia! I love how this came out so much aaaaa http,1.5,English
+865,they weren't lying that sun really can heat,2.0,English
+866,rt sex #ยืมเมจforsex,3.0,English
+867,damn someone should call the horny police on those abc protesters http,2.2,English
+868,"pubby: um,, too muxh pink *takes pink out a bit by changing pfps to less pink ones* also pubby: *adds more pink characters*",1.0,English
+869,@user i didn’t see the first round but i saw 2 and 3 and to me it was a clear alex win,1.5,English
+870,@user The political system is broken and it is the Republican Party's fault.,1.0,English
+871,"Is the drivers not knowing what is going on re: scoring really part of the excitement. (Poor Mike Joy, trying to make this all sound okay)",1.5,English
+872,@user So can a bunch of NATO countries withdraw their memberships and join the war and join back later?,1.0,English
+873,Yesterday was the anniversary of when our #TheShield family lost Scott Brazil. We still miss him. http,3.0,English
+874,more than blue,1.4,English
+875,What a catch,2.75,English
+876,@user You are Looking Gorgeous 🥰😍,3.6,English
+877,Come McDaniel hit the rim at least,1.4,English
+878,"I guess, idk, sorry and good night",2.2,English
+879,@user as an engineering student… definitely history HAHAHAHA,1.4,English
+880,It might be difficult to figure out if things are light-hearte... More for Aquarius http,1.25,English
+881,@user @KidsBloomsbury I love this so much! And such a great connection to what actually happens inside! I’m glad Noah loved it.,2.4,English
+882,@user @user thanh you i m drawing on pc rn :D,2.5,English
+883,@Nlechoppa1 Yb saw it before you stop tryna be your daddy,2.5,English
+884,@user @user why would i,1.0,English
+885,@user Welcome back you glorious bastard,2.2,English
+886,"sometimes it's not ego, it's self respect.",1.8,English
+887,@user 😆 time will tell,1.25,English
+888,Crypto exchange Kraken is set to launch in UAE as regional competition heats up http,1.0,English
+889,dj groove - Kizomba Kwikmix 05 being played on http YOU FEEL IT,1.25,English
+890,@user @Raiders You want what specifically?,2.0,English
+891,and i thought they wanted him back in dream?,1.6,English
+892,@user @BTS_twt 🥰🐰💜📣📣📣 Listening to #StayAlive by vocalist #JungKook and PD #SUGA of #BTS (@BTS_twt),1.6,English
+893,Me forcing a smile and pretending to enjoy myself when i’m hanging out with my friends: http,2.8,English
+894,"@user Who tf is this c--t? It's a TERF, right? I smell a TERF",1.5,English
+895,"@inquirerdotnet @user Popularity did not matter much to FPGMA, I love her.",2.6,English
+896,"Okay, there's a possibilty I'm too dumb and just can't find it. We'll see what the morning will bring us.",1.4,English
+897,"@user Happy birthday, Lucy!",3.2,English
+898,i should have been done long ago,2.8,English
+899,Act 1 just got done and all I can say is Rumtumtugger is literally my cat Orion but humanized,1.75,English
+900,@user Both are adorable 😍,2.0,English
+901,Never wanted to be a piece of fitness equipment more than now... http,1.25,English
+902,"""I QUIT!"" - How these words can actually build confidence for today's young girls. #Girlspiration http",1.4,English
+903,"Nah, they really gave my boy Sal Magluta 205 years for Bribery, money laundering and falsifying documents. 🤦🏽‍♂️",2.0,English
+904,Honestly it be SICK if DC just used The Batman to build from the ground up like they did with Iron man,1.6,English
+905,"$BPT I've been long since $21.63, when a moron said smart money will dump, lol, that was the buy signal. http",1.5,English
+906,@NickAdamsinUSA They actually lured people to their deaths thank god for video lives forever,2.0,English
+907,Let that sink in! http,1.0,English
+908,I stood outside while pets there for grooming got picked up by their pet parents. My online order was ready but computers were down.,1.3333333333333333,English
+909,@HDFCBank_Cares @RizviUzair Touch him and I cancel my company accounts. #hdfcsucks,2.25,English
+910,never been so upset in my life,2.0,English
+911,How can you simply be friends with someone when every time you look at them all you think about is how much more you really want them?,4.0,English
+912,@user @user Start from Ticketmaster.,1.0,English
+913,All of my life I was living in a lie. It seems that my childhood has flown right by. #copied,1.75,English
+914,@user 04/22/2019 01:08:31 |Kick the Awful Watermelon,1.0,English
+915,@user Thank you 417423a0-6cc8-4b74-bba9-090128ea242a http,1.0,English
+916,"i'd fight fall out boy, idc",1.8,English
+917,"dunno who needs to hear this but if they wanted to talk to you , they would",2.0,English
+918,When you’re going through hard times in life remember http,1.8,English
+919,CoolChange USB Charging Bike Horn &amp; Headlight. #mtb http,1.0,English
+920,Trash😈🔫 #ps4clips #FortniteBattleRoyale #clutchwin http http,1.0,English
+921,Fell asleep at 430 woke up at 7am... What is life,2.0,English
+922,@WhiteHouse @user Nope,1.6,English
+923,great I’m depressed again,1.8,English
+924,Having a workout buddy helps get you to the gym! http #accountability #Workout,1.8,English
+925,"didn’t really expect the rumours to be true, happy for both parties and hope it lasts till marriage",2.2,English
+926,@user YES I AM. AGAIN.,1.2,English
+927,"18:59 CET: T: -2.8°C, (-5.2°C) H: 95%, DP: -3.5°C W: S, 0 m/s (avg), 0 m/s (gust) R(hr): 0.0 mm P: 1000 hPa, falling slowly CB: 85.9 m",1.0,English
+928,I’ve never been so angry with myself this bad,3.2,English
+929,"She want a nigga so bad cuz she scared of being alone, that she think every nigga is a blessing!",3.8,English
+930,"Ally Maine +Jackson Maine 💖 ""true talent always wins""💖 #BBMAsAchievement Lady Gaga &amp; Bradley Cooper http",2.25,English
+931,anime jeans be like http,1.0,English
+932,@davidhogg111 boxers or briefs?,4.25,English
+933,Im gonna fucking squirt,5.0,English
+934,"Listen now on Itunes African Girl - Single by @user prod by @user , @user http",1.0,English
+935,It feels like we only go backwards...,1.0,English
+936,$VLKAF $VLKPF $VWAGY NEW ARTICLE : Bad News From Europe: Daimler Is Already Behind http,1.0,English
+937,@JackPosobiec The racoon saves the day http,1.3333333333333333,English
+938,@user kismis,1.0,English
+939,How does it feel to be attracted to white boys and them not be attracted to you ? What do you do at that point?,2.6,English
+940,It’s like dancers are scared to be natural (and I respect women who want to enhance themselves) but it’s so bad it’s unattractive,1.8,English
+941,The Difference Between I Like You And I Love You http,3.0,English
+942,@user Me in the end .. 😭😏 http,2.25,English
+943,I guess you never know what you got 'til it's gone,2.0,English
+944,Date sheet for 2nd term Examination from class 3-8 in all schools of Nazarat Taleem starting from 16 February 2019. http,1.0,English
+945,Considering a bowling league,1.25,English
+946,"""fundamentals"" uwhoah 😂🤣",1.0,English
+947,"aw, i miss being a girlfriend😭",3.6,English
+948,but my laptop is stupid,1.6,English
+949,"fren: who you smiling about me: nothing, just the love of my life the love of my life: http",4.4,English
+950,@user @user @user He was y’all throw away. Smh.,2.4,English
+951,Change the formula to get a different result ✨👌🏽.. http,1.6,English
+952,violet is sadness,2.2,English
+953,Congress President Sh @RahulGandhi Ji will address three public meetings in Uttarakhand today. http,1.0,English
+954,@ManUtd Fucking wank,2.0,English
+955,when your coworker asks you if you were in a porno??? 🤔,2.6,English
+956,Hungry...,1.4,English
+957,good night~ @user http,2.25,English
+958,"if you treat someone differently just because they have clout, you're really weird",1.2,English
+959,#NowPlaying on Bigman Radio PR Despacito (Remix) Feat Justin Bieber by Luis Fonsi #StreamingLive http,1.0,English
+960,@user When he said that and where?,1.0,English
+961,@user hi can i be in your vid please,1.4,English
+962,I love reading positive posts from toxic ass people I know. You lying ghetto bitch😂,3.0,English
+963,No one would miss me.,2.0,English
+964,"Growing as a man, you gotta grow out of playing the victim",2.4,English
+965,@user Studying for my exam to get my teaching license!,1.8,English
+966,ariana’s best music video?? — 7rings/ntltc http,1.2,English
+967,I Feel Blessed 🙏🏿 Thank God fa Life &amp; My Kids,3.5,English
+968,2726071. @user Phrases book in 50 language through android apps. Let's download now http,1.0,English
+969,"@user Hudson, paige, rag &amp; bone.",1.75,English
+970,"@user sorry, this is actually sunny D in a shaker bottle",1.0,English
+971,@user Breed please?,2.2,English
+972,@user I’m following my physical therapist to a 3rd location.,1.25,English
+973,@user @Blizzard_Ent @Warcraft Or a blazing Kangaroo mount,1.0,English
+974,"They says to ""be cool"" but I don't know how yet. #AlwaysWithYouShehnaaz",2.0,English
+975,@MeekMill Check guidancemike or bats,1.0,English
+976,Theresa and Sally at the Strange Tones show New Year's Eve. Two beautiful babes ! @ Vinyl Tap Bar And Grill http,2.4,English
+977,"""His sacrifice saved lives,"" the chief said. http",1.4,English
+978,Single? — depends on who you are.. http,2.25,English
+979,Feeling so depressed right now 😔,1.5,English
+980,@user 5 fucking minutes,1.75,English
+981,@user yeah im working on it,1.4,English
+982,@user 🤣🤣🤣🤣 Really?,1.0,English
+983,Forests provide so much more than what we can see....💧🌬️🍒🏠 👉https://t.co/iTTLSFaFb8 #forests #ZeroHunger http,2.25,English
+984,@user @user Lmfao,1.0,English
+985,Always talk to me because you make me happy❤️❤️❤️,3.4,English
+986,@user @user @user Every time I read it something different boggles my mind,1.5,English
+987,@user house party vibes 🔥🔥😍,2.0,English
+988,@user showed up with a Bears shirt on. He and @user are currently yelling at each other. I might have to break up a fight.,2.4,English
+989,@user LM26JB8,1.0,English
+990,Looking at find my friends to see if anyone I know is having more fun than me,1.75,English
+991,@user Fuck your feet are SO SEXY omg,4.0,English
+992,@user I feel like we barely let 16 year olds drive after dark so allowing them to vote is questionable.,1.25,English
+993,Happy Valentine's day to all the lovers out there ❤❤❤Have a great weekend people 🥂🥂🥂❤💜💛💙💚🧡🤎🖤🤍 http,2.8,English
+994,#DemsTakeTheHouse It is official #MadamSpeaker. Lets get going on #GreenNewDeal and #Medicare4All Now! http,1.0,English
+995,I gotta STOP thinking “NAH they wouldn’t do me like THAT” cause MFs will definitely do you like THAT 💯💯🙄 ✍🏽Stay woke,1.8,English
+996,"@WBGamesSupport Still down as of a day in to ""early access"" If i wanted to pay money to get fucked i would have hired a prostitute.",2.0,English
+997,@user it’s an iPhone bc it’s blue bubbles,1.0,English
+998,He say he really want to see me more http,2.0,English
+999,I feel like I need to delete myself,3.0,English
+1000,@user 5yr relationship me n u,3.25,English
+1001,Audemars Piguet really out here copying Hublot 😬 real Gs know that Hublot poops on Audemars and Patek 💤,1.3333333333333333,English
+1002,Hot blonde shemale rides her bfs cock reverse cowgirl style http,3.6,English
+1003,"Looking for pictures I realized I need marks on me, they look so pretty",3.6,English
+1004,"@MKupperman @BillCorbett Oh, right, that too.",1.0,English
+1005,@user @user @user con amor please,2.25,English
+1006,"Someone told me once that taking photos of yourself while smiling would make you happier, but I still want to fucking die.",3.0,English
+1007,@YandR_CBS This whole Kyle &amp; Summer wedding is driving me crazy. Can’t even watch. Time for some new/fresh writers.,1.0,English
+1008,How do y’all be in relationships having little to no sex at all?,3.8,English
+1009,@user @FortniteGame Done,1.0,English
+1010,@user Like screen windows in a submarine!!It sunk fast thank the f×*k!,2.0,English
+1011,"bitch, stay away.",2.5,English
+1012,i fell in love way too soon this year and i don’t think i want to fall in love anymore,3.5,English
+1013,West Virginia is different 🤦🏻‍♀️🤦🏻‍♀️,1.2,English
+1014,@user I want TWO husbands🤷🏾‍♀️,2.4,English
+1015,iPhone 11 (2019) The Most AMAZING Camera Yet! http via @YouTube,1.0,English
+1016,@ArianaGrande take care of yourself. i love u sm,3.25,English
+1017,@user i just like lego bionicles are kinda scawy ;;,1.6666666666666667,English
+1018,@Minecraft Awesome presentation ʘ‿ʘ,1.0,English
+1019,"would never let a nigga call me his bitch, 🤦🏽‍♀️ i’m your girl , ya wife! bitch?🙅🏽‍♀️ nah",1.8,English
+1020,wife riding strangers cock http,3.8,English
+1021,@user Pussy ofcourse 💦💦 http,4.2,English
+1022,Ysrcp frst indian no.1 corrupted political party👍👍👍👍👍👍👍#ShamelessYSRCongress,1.0,English
+1023,Meat potentially laced with POISON left in playing fields http,1.0,English
+1024,@adamteicher Odds of Watkins playing more than 15 snaps?,1.2,English
+1025,I’m completely convinced my boyfriend hates me 🤷🏽‍♀️,2.6,English
+1026,@user @user Girl my block button been on fire for 2 days....,1.6,English
+1027,"@washingtonpost Because fakes and phonies like #DrOz, #DrDrew and #DrPhil are bought and sold like hookers at a Trump hotel.",1.8,English
+1028,@TMZ Guessing he forgot Uber's number...@HarveyLevinTMZ,1.8,English
+1029,@user Strength and love on your road to health. Thanks for the inspiration and the insight.,3.5,English
+1030,i know i make so many it’s over for u hoes jokes but ONGOD once i fully exit the annual seasonal depression it truly is overrrrrrforuhoes,2.0,English
+1031,@user It’s simple ENGLISH the whole circumference of the ball should cross the line ......,1.75,English
+1032,betty white said how about not egg,1.25,English
+1033,@user 1l2idyHbKiDbn3mrf,2.0,English
+1034,I finally had a day all to myself and was able to finish Stardust Crusaders and BITCH im so sad its over I wanna die,2.6,English
+1035,@user I mean we all insecure but damn bruh don't just assume everyone don't fuck with you. Does he not have a fan base anymore?,3.25,English
+1036,I see niggas that never left Jamaica talking about chick-fil-A is trash,1.8,English
+1037,"@user I’m scared of it less so for myself, but for my mom though, I don’t think I could handle seeing her go through this :(",3.4,English
+1038,"@user @user @user Yes I experienced the blinding headache, not forget the banana skins.",2.333333333333333,English
+1039,fuck daddy issues who got mommy AND daddy issues,3.8,English
+1040,I miss you guys 😢😢😢 Hugs and kisses 😍😘😍😘😍 -cant tag JUNG 😭😭 -GOODNIGHT-,3.0,English
+1041,Sewing ay Create. Many fun years ago http,1.25,English
+1042,"@shalailah @sallymcmanus My father and his mates, North Africa, Sicily and Omaha Beach, Normandy would be disgusted.",2.2,English
+1043,@wyshynski Someone is chopping onions!! Hockey!!,1.0,English
+1044,@user Too bad America’s a selfish money run country. Maybe things will change one day.,1.25,English
+1045,@BumbleCricket The canine @benstokes38 ?,1.0,English
+1046,@user my BT Infinity download speed is 62.2Mbps. My upload speed is 16.5Mbps. #ookla,1.0,English
+1047,@user The shit is so annoying. They will be insecure even if you never give them a reason to be 😑,3.4,English
+1048,All i want is a significant other to grow and love life with.,4.8,English
+1049,I’m dying my hair fuck it,1.8,English
+1050,@user How do i take 2 numbers,1.5,English
+1051,@user Any basketball tips for tonight man,1.6,English
+1052,New desk lamp that play sound &amp; lights.. http,1.25,English
+1053,"When I have a partner, will you guys just leave us alone ey?",3.25,English
+1054,They may as well change the name to the Environmental Destruction Agency. http,1.6,English
+1055,sab se handsome http,1.3333333333333333,English
+1056,A team that shops together stays together...helping life go right @StateFarm http,1.0,English
+1057,why did i fall for someone so heartless?,3.0,English
+1058,@MsPackyetti You are not alone,1.2,English
+1059,Other Files/Photographs/Valve Tours/Penny Arcade Tour 2012/v28.jpg Found in folder: http http,1.6666666666666667,English
+1060,@user Can you guys add carx drift racing 2 hack please,1.0,English
+1061,@user @user @user @user i be flossin,1.0,English
+1062,Is your password sGXlI63X%7?,3.2,English
+1063,@user Wait that’s not a thing already under the Trump admin?,1.2,English
+1064,@user you’ll be back bitch,2.0,English
+1065,@bennyjohnson Early Halloween 2019,1.5,English
+1066,@user @user Yep Mark Knight should be sleepless tonight,1.2,English
+1067,"F&amp;O: Nifty50 breaches key support, VIX spikes 16% to signal sharp volatility ahead http",1.0,English
+1068,roseanne's caption 😭,2.0,English
+1069,uh how do i send dm i wanna apologize and leave thats all,1.75,English
+1070,Full Movie: http Naked Camp Counselors love to taste pussy... http,3.8,English
+1071,@user thank u 🤩,2.5,English
+1072,BABY indeed http,2.0,English
+1073,"if you will give up, you lose",2.0,English
+1074,dis spring break can’t no worse!,1.25,English
+1075,@user Notification settings were set but nothing showed until I tapped on “messages” in the app screen http,1.25,English
+1076,Bitches will get so lonely they’ll turn gay 🤦🏽‍♂️,3.2,English
+1077,@user You got a 4Matic! Nice!,1.0,English
+1078,django-dynamic-structure 0.0.23 http,1.0,English
+1079,"@user In a short essay,explain how this Melville quotation applies to the United States today.",1.0,English
+1080,Stats are 4 to 1 red. $spy,1.0,English
+1081,@user @PFF Really just corner and tackle tbh,1.2,English
+1082,If i was a girl I’d cheat on me too so I ain’t hating,2.5,English
+1083,@user Niall et Liam,1.0,English
+1084,Think you need a raise but don't know what to do? http,1.0,English
+1085,CRAVINGS🤤 http,1.25,English
+1086,Yo wtf happened to ufotable,1.0,English
+1087,respect is all i ask for lol ..,1.8,English
+1088,@user trynna perform for us at the kordei house http,2.0,English
+1089,We’ve received a new comment about a call coming from 343 543 1814. See more info here: http,1.0,English
+1090,Still in love with your ex? — Wala na po :) http,2.6666666666666665,English
+1091,The range is hot at @user vs Stockbridge. Redskins up 760-743 entering kneeling. @user http,1.0,English
+1092,Menma icon for my selfship twitter + pride mo(n)th version uwu http,2.6666666666666665,English
+1093,Nothing I like more than knowing my friends are happy 😍🥺❤️,3.8,English
+1094,I think I’m catching feelings💆🏽‍♂️,3.4,English
+1095,You are more than enough,3.25,English
+1096,We Pop Out At Yo Party 😈❗️ http,1.2,English
+1097,@user Lol it is tho,1.75,English
+1098,Sinner or saint @mainedcm | MaineMendoza ByahengBrokenhearted #MaineMendozaOnBB,1.2,English
+1099,do you ever think about how jakurai jinguji and ramuda amemura are bitter exes who are absolutely not over one another,2.0,English
+1100,some of yalls parents never beat yalls asses when yall was younger &amp; it shows like a mf,2.6,English
+1101,@user @user @user @user @FortniteGame I never said that..,2.0,English
+1102,“I love you 3000” http,2.8,English
+1103,When you've found the divine love of your life but have to practice infinite patience. ... 😂😩😎👍🙏🤗,3.2,English
+1104,everyone loves seungwoo,1.5,English
+1105,i don’t think this guy will ever get the hint that the sex was terrible and it’s never happening again 🥴,3.6,English
+1106,Ask for sex without saying sex? I think my dick is dead? Can I burried it into your ass?,4.4,English
+1107,“Love Yourself” http via @wordpressdotcom,1.0,English
+1108,@user thank u alliah ilysm 😍😘,3.75,English
+1109,Posting some VIP client tickets: http,1.0,English
+1110,@user You ain’t a real Lakers fan tho 🤦🏽‍♂️,1.0,English
+1111,@user wtf is this tweet,1.6666666666666667,English
+1112,wonder how many boys have fallen in love with her,2.4,English
+1113,@user Texas just bc that’s where she’s from and what she’s familiar with,1.0,English
+1114,The discussion is sensible. I like the women. #TVJALLANGLES #music,1.6,English
+1115,anyways let’s talk about how dany will leave jon fro sansa,1.6,English
+1116,"It is black and white that #Salman is a man of morals, principles and ethics. http",1.6,English
+1117,@user I think I fell in love with you,4.8,English
+1118,@user then u slander me for going off topic atleast I RESPOND,1.4,English
+1119,holy fucking shit the exam i just had im shaking KFHSVHD,2.0,English
+1120,"@kylegriffin1 Why even bother posting WP links? Always a paywall, and most people don’t pay for WP.",1.25,English
+1121,JOHNNY LOOKING SO GOOD OMG I CKSKSKSK,3.4,English
+1122,JSJSHS I GOTTA- I'M WATCH AOU ON DEMAND EVEN THO I HAVE THE DVD BUT LIKE.....WHY DID SASHA BANKS JUST COME ON TO MY SCREEN? SJJSJSHSHS,1.0,English
+1123,VIDEO: Artivism How Kenyan artists are leading a creative revolution http http,1.5,English
+1124,@user Thank you e3c76605-fd74-477c-b4fa-c5b3018fe6fb,1.25,English
+1125,"@Nedbank @user Nedbank, behind the leaders as usual!",1.6666666666666667,English
+1126,@user Sooo much fun!!,2.6,English
+1127,#SS7SinJKT - Notice for MCP Members. Please read it thoroughly. http,1.0,English
+1128,@user Get sucking cunt my mistress wants her money,3.6,English
+1129,@user @user @user They bricks. Highest bid only 400,1.2,English
+1130,Daily Market News: Nvidia and Walmart post strong Q2 results - http http,1.0,English
+1131,Tennis Court Paint in Worstead #Tennis #Court #Painting #Worstead http,1.0,English
+1132,19:04h Temp: 28.9°F Dew Point: 19.40°F Wind:SSW 4.3mph Rain:0.00in. Baro:29.66 inHg via MeteoBridge 3.2,1.0,English
+1133,my monopoly plus fully won’t open anymore 🤨,1.2,English
+1134,@user im sending henny yo way for ya birthday 🤷🏽‍♂️,1.5,English
+1135,@user Oh swear? Never heard of it. Where can I get it?,1.4,English
+1136,@user @user @user Happy 2020!!,1.0,English
+1137,👌 @Dame_Lillard (24 PTS) and @CJMcCollum (20 PTS) power the @trailblazers win in Phoenix! #RipCity http,1.0,English
+1138,"GLOBAL MARKETS- #Stocks sag while bonds, yen rally to open new year http http",1.0,English
+1139,They say they steppin fuck dat we steppin 2,2.0,English
+1140,@user stop facetuning your nose,1.6,English
+1141,#Livepd was this dude rolling around in sand!,1.2,English
+1142,@user add metrix-jd,2.0,English
+1143,@user running with the theme 🤪 http http,1.5,English
+1144,Xoxo.,2.8,English
+1145,"@SenatorRomney I’m sure your demeanor has been impeccable, especially when you were kissing up for a job. http",1.5,English
+1146,Yung Bleu: Bad bxtch On my appetite i might fxck ya if the price is right Me: 🔥🥵🥵 Start that shit over,4.0,English
+1147,@user #LaurenJauregui #BestSoloBreakout #iHeartAwards Pride in the name of love,1.0,English
+1148,"Procol Harum - A Whiter Shade of Pale, live in Denmark 2006 http via @YouTube",1.0,English
+1149,I need to stop overthinking.,1.8,English
+1150,"If you never believe one thing in life I tell you, please believe this.... http",2.25,English
+1151,@user @user @joshuedwrds @user now it sucks,1.6,English
+1152,@user @user See y’all on the sticks tn,2.0,English
+1153,Ladies and Gentlemen What part in your opposite sex can make you react like this Me: That 🍑 😂 http,4.2,English
+1154,@user Glad I could teach you. 1/18/19 is today's date sooooo yeah,1.2,English
+1155,get dunked on thouser,1.0,English
+1156,"Ah yes, time to go to sleep right before my bf wakes up for work",2.0,English
+1157,"Now is a sizzling time for your romantic and creative affairs,... More for Virgo http",2.6,English
+1158,I’m really disrespectful.. I hate that side of me,3.5,English
+1159,WHEN DO YOU KNOW YOU ARE EMOTIONALLY MATURE? 26 SUGGESTIONS FROM SCHOOL OF LIFE,1.6,English
+1160,This is the team some say would win Champions League. PSG defensive are so vulnerable in the big stages.,1.0,English
+1161,People really be knowing me that I never met a day in my life,2.0,English
+1162,@user Hi babe u visit hotel,3.0,English
+1163,"@ChelseaFC @cesc4official My heart is broken, I'm gonna miss you cesc 😭",3.6,English
+1164,Hate when I miss the big homies call 🤬 free you!!!,2.2,English
+1165,90+3: Waine attempts to head clear but it goes behind her but Dolbear is quick to come out &amp; clear. #UpTheChi 💚,1.0,English
+1166,"no matter what, trust God",1.4,English
+1167,sorry but I’m in love 💞 http,3.25,English
+1168,Super League Gaming $SLGG Sees Significant Decrease in Short Interest http,1.0,English
+1169,Look at my boo with both of our rides 🤣🥰💞 http,3.4,English
+1170,Coronavirus real-time geo-tracking in Python http,1.0,English
+1171,@user sis didn't you get your nipples pierced??? ur the bravest woman alive already. whats a lil ear needle 🤷‍♀️,4.4,English
+1172,You are attracted to ancient wisdom because it can be valuable... More for Cancer http,1.6666666666666667,English
+1173,The new @user album will be iconic in terms of opening a new path for many R&amp;B/Soul artists in the game. Just watch.,1.5,English
+1174,"Make that 34, we're past 50% lets keep them coming! If I dont get 64 by 9:30 PM EST ill just make do with the ones given!",1.0,English
+1175,Acting like your fine and not being fine is tragic,2.0,English
+1176,i will always be 100% honest with my friends no matter how much it hurts..would u rather me sugarcoat things? no,2.0,English
+1177,sisz is losing her grip. sisz is slipping. sisz is on the verge of falling apart.,2.0,English
+1178,going for closure always end up with you bent over 🤦🏾‍♀️,3.2,English
+1179,@user I chuckled myself lol,1.3333333333333333,English
+1180,"A total of 106,244 unique accounts have logged into AvengeTech. That's a lot of players!",1.0,English
+1181,Bearcats sports update http http,1.0,English
+1182,Not thinking his cooking is the best also gets you burned,2.2,English
+1183,My phone is on 3%,1.0,English
+1184,@user @user We have 11 as of 2 mins ago,1.25,English
+1185,The always positive Billy #CopyPasteWithYou http,1.25,English
+1186,koreaboos still don’t deserve rights tho,1.0,English
+1187,Both boys out by 8 time to go stupid (put on a face mask and wrap some crystals),1.75,English
+1188,"@user @Oloni LAJSAKSASH pick me gays are the worse! Stop, you wanted to suck your friend's dick so bad, but he wasn't into you.",3.5,English
+1189,One must have taken tips from mr togashi himself because. Uh. What the fuck,1.6,English
+1190,mulatto voice sexy af.. or its just me ?😭,3.75,English
+1191,Coronavirus outbreak prompts tests on four WA cases as authorities fear one 'may be positive' http via @user,1.0,English
+1192,made a 30 on my first grade of the semester teehee!,1.6,English
+1193,D. Henry O94.5 rush yds (2u)✅,1.0,English
+1194,The Chinese Renminbi has an FX rate of 6.76 but a PPP value of 6.56 against the USD. #WPI http,1.0,English
+1195,"When you show nothin but love, you have to ask what the hates for?",2.2,English
+1196,Morning glory is bliss 🍁,2.2,English
+1197,Y'all gotta realize that men are becoming desensitized to that shit. All of you are out here doing that shit. We don't care.,3.0,English
+1198,@user find 1 for the 3v3 GB,2.333333333333333,English
+1199,Global HDMI Cable Market 2019-2023| Growing Popularity of HDMI 2.1 to Boost Growth| Technavio http,1.0,English
+1200,@user Coming to USA if Trump loses in 2020.,1.4,English
+1201,im happier now at least,3.2,English
+1202,But color? So hard to decide now days... when I can choose any color!!!!,1.2,English
+1203,New Balance por 35.94 € ( -34.06€ 48.66%) http http,1.0,English
+1204,It’s Day 1 of my girlfriend telling me how dope Peter is for the next 2 months 🌹,2.75,English
+1205,I be in some moods sometimes 😏😏,3.0,English
+1206,i’m not good looking enough to be treating bitches bad. one mistake and they like 🏃🏿‍♀️🏃🏾‍♀️🏃🏽‍♀️,3.0,English
+1207,"If I touch you,you’ll embrace me gently that is enough for me that is enough.",4.2,English
+1208,people that only talk about their crush like??? bitch do u not have a personality,2.4,English
+1209,@user Ohhh got u,1.0,English
+1210,Southeast Camera time lapse from 2020-04-11 http,1.0,English
+1211,@user Why are you so mad 💀,2.8,English
+1212,[💌] ❝#beomgyu ; i want to write you a song❞ @TXT_members http,3.25,English
+1213,I'll mark it on your map!,2.2,English
+1214,new retake @user http http,1.0,English
+1215,I don’t like when “friends” say lil slick shit.... like your inner hater showing bitch.,2.8,English
+1216,Imagine this: Inferno stage - BM X Jseph then the next performance is Sambakja - I.M X Joohoney. And that's the concert.,1.25,English
+1217,Don’t tell me he wants to conquer the world? Can’t he come up with something more original? Lina Inverse (Slayers),1.2,English
+1218,@user Tell me why I lose a game if I have double the damage up 100 cs in 15 min +6kp and we lose like idk what more I can do,1.4,English
+1219,@CBCebulski Totally insane! Dripping in awesomeness!,1.4,English
+1220,"GUYS WAIT, ned is den backwards, as in Lions den?",1.25,English
+1221,"Oh.. Closeee, that would have been a hattrick",2.0,English
+1222,When did I start being so toxic...,1.5,English
+1223,"Life is like a balloon..If you never let go, you will not know how high can you rise. ❤️ http",1.75,English
+1224,@user Stock market collapse in... 3... 2...,1.2,English
+1225,I wanna go to the beach,1.2,English
+1226,@user paper airplane,1.0,English
+1227,I am SO ecstatic I’m not married to a man who has cheated on me.,4.333333333333333,English
+1228,is it bad that i'm crying over the fact that i'll never get a reply from byeongkwan or any of a.c.e on here?,1.8,English
+1229,Check out my broadcast from my PlayStation 4! #PS4live (NBA 2K20) live at http,1.0,English
+1230,PADMÉ JUST CALLED ANAKIN ANI SLMDKSNSKENDNSN i’m crying 5 minutes into episode 2,1.5,English
+1231,"@user @user @user Dak literally almost had 4,000 yards last season...",1.5,English
+1232,@ReElectNydia @RyanAFournier Nope. She’s lost.,1.5,English
+1233,@user Which rap song Mary? 🤔,1.6666666666666667,English
+1234,@user @user @Femi_Sorry What intimidation are we talking about here for Christ's sake?,1.4,English
+1235,"Prove yourself to yourself, not people. VPSpotlight ChooseANDRE @user @user @user",1.4,English
+1236,do you guys also have this one person you're not friends with but talking to them makes you so happy?,2.75,English
+1237,@mint mine has been like this for a week! Any idea what’s going on? http,1.4,English
+1238,sex .... i wanna have some😩,3.2,English
+1239,🚄 PAD - THA: ✔ 20:06 Bedwyn P4,1.0,English
+1240,Fears rise of Chinese cover-up as 56 million in lockdown and hospitals overwhelmed,1.3333333333333333,English
+1241,Tuff ..,1.25,English
+1242,"@user Ohhhh, Google is struggling to translate it",1.4,English
+1243,"Now I do be fucking wit her like ""man tell that nigga the truth.. He not Ur real brother.. He was left at yall door in a shopping cart"" 😂",2.2,English
+1244,@mediamolecule got one:P,1.5,English
+1245,aaaaa a a a why am i so sad,1.2,English
+1246,@ChantelJeffries is so freaking beautiful 😍 god bless you,3.0,English
+1247,fuck nigga i don’t wanna be your homie,2.0,English
+1248,RTTT Davidwe62031197 #VideoMTV18del18 Selena Gomez Lady Gaga Marshmello,1.0,English
+1249,"@user @MarciIen @TheSocialCTV @Raptors You too! And thx, I love being right 🥰😉",2.0,English
+1250,⏱ 86’ | 1-1 | ⚽ Goaaaaal! Enes Ünal controlled the ball inside the ball and striked to the net #pucela #MarbellaRealValladolid,1.25,English
+1251,@user @user Reckon why Sarri is okay with hazard leaving,2.25,English
+1252,pls get the fuck out of my life.,3.6,English
+1253,@bonglez Divorced but don't regret. have 3 lovely kids if i regret getting married i regret their existence which I WILL NEVER DO.,3.2,English
+1254,@user #Merica is made by its cheese,2.0,English
+1255,"I couldn't lie for the first time, I didn't know that I'd never mind",2.4,English
+1256,Smartphones could be used to detect virus using thermal imaging. http,1.0,English
+1257,"Fun Gadget - Fascinations Metal Earth Model, Hubble Telescope: http -AmazonAfflink http",1.0,English
+1258,ever u dumb btch,1.6,English
+1259,He’s such a creeper. Can he leave Foster alone and just go away? #ChicagoFire,2.0,English
+1260,"@user and he has evidence she lied and she admitted to abusing him, you could have included that into your tweet",3.0,English
+1261,i give up,3.6,English
+1262,"God is too good man, I can’t even put it into words I just wanna glorify him every way I can",2.8,English
+1263,An imaginary kiss can change your attitude! http,2.2,English
+1264,Retweet if you love fat teen pussy http,2.6,English
+1265,@tanamongeau How do you get ring worm,2.6,English
+1266,Cherish the people who call to check on you !,2.0,English
+1267,Lowest Ask: $1465 Air Force 1 Low Off-White Sz. 13 http #airforce http,1.0,English
+1268,i never want to be a reason for someone’s depression,2.0,English
+1269,The Elite Intel Team Still Fighting Meltdown and Spectre http,1.0,English
+1270,@user You are an optimist and I sure hope you are right!,3.25,English
+1271,This one never fails to make me come http,2.8,English
+1272,@user Gimme your phone 😂😂,2.6,English
+1273,I asked God to take over and now it’s time to let go.,1.5,English
+1274,Check out my book - 'Kafira' - on #BookBuzzr - http,1.75,English
+1275,#sellingnudes #peefetish #sexworker Wanna see me piss on something? In a cup for u?,4.8,English
+1276,"@user Is this as targeted towards us men? Why the fuck would I want to be pregnant, ffs",2.5,English
+1277,photo by (@yuji_nkym ),1.3333333333333333,English
+1278,@1future no Drake feature? Lol http,1.25,English
+1279,@user Such dangerous people! Certainly worthy of NYPD's resources. (S),1.6,English
+1280,Women be full bodied pregnant belly and all and there really be niggas out here saying let me be the step-daddy.,4.25,English
+1281,"@user Honestly, I don't care about you or her or him. Got more important things to do than being bored by this shit.",2.25,English
+1282,GIVEAWAY: Del Monte Gold Pineapple Luxury Hamper http via @user,1.0,English
+1283,"Buh on a real, should the NPP govt build this $200m Chamber, trust me they gon' lose elections in 2020. Very simple !",1.0,English
+1284,@user The sun is too close to the earth that means RIP mcpe world,1.0,English
+1285,so i had a dick in my dream today... wild,3.0,English
+1286,I want real love.. nothing made up😌💍❤️💯.,3.2,English
+1287,@user @maymayentrata07 @Barber_Edward_ Special A #PUSHAwardsMayWards,1.0,English
+1288,nobody goes through more shit in life than a person with a good heart,3.25,English
+1289,5/10Pcs Charging Adapter Cable Charge Data Micro USB to IOS Lighting for PhoneGY http,1.0,English
+1290,Game 2 starts now. 🏀@Pacers-Celtics 📺FOX Sports Indiana 📲FOX Sports GO: http http,1.0,English
+1291,@user exactly,1.25,English
+1292,You’re a constant reminder why I don’t like people.,1.8,English
+1293,@user @JoshuaTreeNPS Some brutal experiences in the editorial trenches disabled me. 😓,2.8,English
+1294,"I love when my bff come over. Best conversations ever, my dawg fasho. 🤞🏾💕👭",3.6,English
+1295,@pbump Ummm....move? Quickly.,1.0,English
+1296,@TTfue Your a scum bag!! Banks treated you like family and shit and your gonna do that lol UR A LITTLE FUCK such a scumbag,3.0,English
+1297,i wish i had a girl bff 🥺,2.2,English
+1298,@mjfree @user You just but hurt,1.5,English
+1299,"Surplus Food And Drinks, As Buhari Orgnises Very Expensive Dinner For APC Chiefs http",1.0,English
+1300,"Wanna fall in love with a monogamous gay who treats me well and I will treat him very well, you bet😈 http",4.2,English
+1301,@user Oh 😪 I dislike Estream tbh,1.25,English
+1302,What are the next steps after you buy a life insurance policy? Read this Forbes article: http,1.0,English
+1303,@user delicious 🥺,1.8,English
+1304,maybe a cloud or bird too,1.0,English
+1305,I wish I had more free time http,1.4,English
+1306,wips u_u http,1.75,English
+1307,"@user Sorry you feel that way. How can we help today? Thanks, Andy",2.6,English
+1308,"@user @MikeLaBelle @user Yeah, back to back dc, can't get online now",1.0,English
+1309,Could've fuck yo nigga bitch but he made my pussy soft 😉 or whatever tf DaBaby said 😂,4.2,English
+1310,"@OPP_HSD Oh no, hate to hear that. My thoughts and prayers are with her and her family. Stay safe out there.",3.0,English
+1311,@benshapiro Must be rough to walk a few extra blocks.,1.25,English
+1312,@user @TheRea1DJones He landed on tackos head literally sat on him and threw the ball in that dunk was trash lmao,1.75,English
+1313,"@user @user Yup, but chain link goes up. Link is tied to swift.",1.0,English
+1314,Knew she was a dub,2.6,English
+1315,@user oh my fucking god. yes.,2.5,English
+1316,@user STRAWBERRY MANIA,1.0,English
+1317,How to Find Werewolves in Wizards Unite - Wizards Unite Hub http,1.25,English
+1318,#DaysGone #SmallStreamerConnect #Streamer_RTs @user @user @user @user @user live at http,1.25,English
+1319,i ain’t obligated to no one so if i fw you it’s cause i want to,3.25,English
+1320,"You will be alright , no one can hurt you now.",3.5,English
+1321,@user What’s wrong friend,3.75,English
+1322,"Don't forget to look up at the tv from your device twice an hour to make a completely erroneous, uninformed comment.",1.5,English
+1323,"&lt;a href=""https://t.co/nvFYOU8yy0""&gt;Earn free bitcoin&lt;/a&gt;",1.0,English
+1324,I know what I deserve and no one is gonna take that from me :),3.6,English
+1325,IM THE WORST PET PARENT EVER 😭😭😭😭😭,3.0,English
+1326,can ur anime boys do this http,1.6,English
+1327,Do you miss us? Coz I miss us... — I don't know haha baka you're one I need to forget? http,2.6666666666666665,English
+1328,I miss Disneyland 🥺,1.6,English
+1329,Yellove 😍😍 @YoursEesha #EeshaRebba http,2.0,English
+1330,im rlly seeing earl for a 3rd time 😭,1.5,English
+1331,ALL MY MOOTS ARE FUCKING BEAUTIFUL AND IM HERE LIKE A SACK OF POTATOES 😔,1.4,English
+1332,"$BTC.X has to make some fancy moves if it’s going to $100,000 by EOY #Bitcoin moon boys",1.2,English
+1333,@user Status Quo then,1.0,English
+1334,@user If you ever feel bad you can ask me and I can confirm that you are an amazing person 💜,4.0,English
+1335,@user I really like the @LindaFoods ones- especially the pulled pork style one!,1.0,English
+1336,#GününResmi #istikbalgöklerde: Liftoff of SpaceX's CRS-17 Dragon Cargo Craft (NASA) http http,1.0,English
+1337,@user @user @user ....well shit,2.75,English
+1338,@user We would love to have your Music Featured on #itsHIPHOPmusic - submissions are easy via http,1.25,English
+1339,"very soon we go soon start de see Twitter from iPhone 6, Twitter from iPhone X",1.0,English
+1340,@user Oh fuck XD Boah dieses Spiel ne ......... 🙃🔫 http,1.0,English
+1341,me and my bf be like http,3.2,English
+1342,bet1 lausanne sports Switzerland over 0.5 fh goal 10 pound to 12.50 bet365 6pm,1.3333333333333333,English
+1343,54': Yellow card for Penrith against team Captain Ed Swale! #STOPEN #Pitchero http http,1.0,English
+1344,@user @user he learned that sex swing technique from his mama,4.0,English
+1345,@user @BrentfordFC Posh and Premium used in the article... what’s better? 🐝,1.75,English
+1346,What if it had the tail of a bearded vulture?,1.8,English
+1347,@DavidCornDC Gross,1.25,English
+1348,@user Why? What happened?,1.0,English
+1349,"If I'm not perfect for them, but for me I'm always perfect. #speakyourmindin15mins",2.6666666666666665,English
+1350,They are retiring ... from what?!!! UK's Harry and Meghan to drop titles and retire as working royals http,1.2,English
+1351,Well one unwanted micro transaction 👀 we've lot XP cards btw give some other interesting http,1.2,English
+1352,There’s nothing more annoying than people who look for every opportunity to be offended.,1.2,English
+1353,I added a video to a @YouTube playlist http Frederick's Bass Tester - Lightning Bass #3,1.0,English
+1354,Follow everyone who retweets and likes this and follow us too. 🥥,1.0,English
+1355,Man I am ashamed of the people I used to stan before BTS.,1.8,English
+1356,The less likely I am to be with you the more I want you,4.2,English
+1357,@user @FortniteGame Loser,1.5,English
+1358,I’m dead about to fucc somebody bad ass Dominican mother 😂😂 she said her son is my age 😂😂😂😂😂😂😂😂😂😂😂😂 no cap I’m dumb hype,4.0,English
+1359,David calling shots like a king pin #HAHN,1.0,English
+1360,Wolves a brush Everton like waves,1.0,English
+1361,"...huge jump! Then it's up, up, and away! Look! Up in the sky! It's a bird! It's a plane! It's David Kashfi!",1.0,English
+1362,it’s the worst feeling when you feel like no matter how much u do for a person you’ll never get the same in return,3.0,English
+1363,need a kiss 😔,4.75,English
+1364,Got 3 valentines and I’m going out with all of them lol. Perks of being single!,2.8,English
+1365,🌻sunflower - rex orange county 🌻 http,1.0,English
+1366,@user But where them dey go,1.0,English
+1367,Good night sweet dreams My lovely Twitter Friends ❤ stay safe and take care of yourselves 😘😘,3.25,English
+1368,"Imma flex stepper 💃, she a big dripper @user Snm g",3.0,English
+1369,Project portal for EU funding in Saxony goes ‘online’: http Inforegio – Newsroom,1.0,English
+1370,Masturbation is key.,4.6,English
+1371,i love you @ProseMusic http,4.0,English
+1372,@user @BhadBhabie @BhadBhabie bitch she talking to you,1.25,English
+1373,Marshmello ft. Khalid - Silence (Official Lyric Video) http via @YouTube,1.75,English
+1374,@user CRIMINAL COWARDICE-you grandchildren are marked for life due to your protracted cowardly behaviour and arrogance.,2.333333333333333,English
+1375,"@user Model in the negative, obviously.",1.75,English
+1376,"Elevated jugular veins ""PQRST"" Pericardial effusion (tamponade) Quantity (fluid overload) Right heart failure SVC obstruction TR #USMLE",1.25,English
+1377,Night School hits Blu-ray today. http http,1.2,English
+1378,Horny wanna fucking 🍆🍆🍆 http,5.0,English
+1379,@user They aren’t open,1.25,English
+1380,"YNW Melly Rode Around With Dead Bodies in Car and Faked Drive-By, Cops Say. http",1.75,English
+1381,This is for my umrao jaan🤣 #PureHeartSid @user @user @user http,1.3333333333333333,English
+1382,Full Video 👇🏽👇🏽👇🏽 http 💦💦💦 http,2.333333333333333,English
+1383,@user RIP to your bf but i’m different,2.4,English
+1384,4/14/2019@8:52 PM: STRUCTURE FIRE at 2425 SPARKS RD AUGUSTA GA http,1.2,English
+1385,Celebrities wearing cool socks!! Rami Malek http,1.4,English
+1386,@user what is GBP? .-.,1.2,English
+1387,#BREAKING British Columbia reports 83 new #coronavirus and 3 new deaths #COVID19,1.4,English
+1388,Brilliant Chelsea goal! That's 3-0! 👏 3-0 [90'] #CHEDYN http,1.0,English
+1389,Why does doin wrong always feel so right,2.0,English
+1390,Spoil that lil baby,1.5,English
+1391,telling girls to be careful around guys when you should be telling guys not to take advantage of girls&gt;&gt;&gt;&gt;&gt;&gt;&gt;&gt;,3.333333333333333,English
+1392,one person unfollowed me // automatically checked by http,1.5,English
+1393,"HAMPSTEAD Official Trailer (2019) Diane Keaton, Brendan Gleeson Movie HD http",1.0,English
+1394,Idc how hard life get I’m not talking to nobody w a girlfriend. Neva.,2.0,English
+1395,my choppa hold double d’s,3.4,English
+1396,@user You scared,1.25,English
+1397,@UnibetFrance 3 buts - narthanbl1 #FreebetUnibet,1.5,English
+1398,When she thinks all you want is sex but you’re actually wholesome and want to get to know her http,2.5,English
+1399,React #ALDENBASTEFriendversary,1.0,English
+1400,@user @user Love you 💗💗,4.0,English
+1401,@user You admit that me being spoiled is your fault?? I'm keeping this forever and any time you call me a brat I'm going to share it.,3.2,English
+1402,@user 3 years?!?,1.0,English
+1403,@user This ain't duel links,1.2,English
+1404,@user @user BE BEST BE STRONG BE AMERICAN USA USA USA #1,2.2,English
+1405,"I respect a nigga that tells you, right off bat, he’s just tryna fuck way more than a nigga that leads you on 🤷🏽‍♀️",3.6,English
+1406,@user thank u queen ❤️,1.4,English
+1407,"Uhl 16 leads Alter - Giesting 10 leads Badin , Larkin/Switzer 8 each @user",1.6666666666666667,English
+1408,How pathetic is it that you get turned on by brats like me✨ #findom #femdom #findomme http,3.25,English
+1409,@user Emergency. Pls just come Around,1.2,English
+1410,Impeach Nancy Pelosi for crimes of Treason! http,1.2,English
+1411,Pussy never felt so fucking good http,5.0,English
+1412,I loved u,4.2,English
+1413,$GBPUSD 13203.higher-low,1.0,English
+1414,@user @user You better preach. PERIODT,2.5,English
+1415,tbt to a couple years ago when gas got to like $1.99 and i only had to pay $20 for a full tank and here i am now paying $40 for a full tank,1.0,English
+1416,Check out what I just added to my closet on Poshmark: Leopard print bag.. http via @user #shopmycloset,1.2,English
+1417,@Betclic Liverpool #FreebetBetclic,1.0,English
+1418,Who was your first crush? — Someone back again with the crush questions🙃 http,2.0,English
+1419,@user STFU,2.6666666666666665,English
+1420,good sucking huge cock http,5.0,English
+1421,When you SS over 1000 combo into a 8.37* arles map and shitmiss :),1.3333333333333333,English
+1422,@user Omg so juicy ♨️♨️♨️👅👅👅👅👅💦💦💦💦💦,3.0,English
+1423,"@user I'm white with just a tinge of ""I'm sick of effing race baiters"" beige !!",2.2,English
+1424,Nancy Pelosi says Trump was not exonerated http #SmartNews,1.0,English
+1425,If you make humanformers and only the Decepticons are diverse then you need to put down the pencil and have a think about why that is,1.5,English
+1426,Scump got me goin’ http,1.0,English
+1427,I care way too much and that shit hurts bro,2.6,English
+1428,maybe lana and abel snapped on prisoner,1.0,English
+1429,@user This was such a nice compliment I really appreciate this! Thank you!!,3.25,English
+1430,@user yeah they have no employees around so there a lot of typos and mistakes in everything lol,1.6,English
+1431,Check out my broadcast from my PlayStation 4! #PS4live (NBA 2K20) live at http,1.25,English
+1432,"@user Of course, but what if he chooses Tulsi as his running mate..",1.0,English
+1433,@user Would love to see this. Donated,1.0,English
+1434,My nails so mf ghetto. I’m embarrassed 😭,4.666666666666667,English
+1435,@user aren’t u like 14 who would find you intimidating 🥺😔,1.4,English
+1436,@user I think I did it http,1.0,English
+1437,@user @user @user @jeremycorbyn Absolutely. I never could work that out,1.0,English
+1438,"sometimes, you have to forgive yourself too.",2.5,English
+1439,"@user Yes. It looks like bear, doing a wee.",1.2,English
+1440,@user BTW ARE U HAPPY W THIS NEWS???,3.0,English
+1441,whatcha think bout my intro bro i made it @user http,2.0,English
+1442,deadass here in taco bell rn to get takeout cause i spent the entire night watching kendrick’s interviews. cravings satisfied lmao,2.0,English
+1443,Reply this tweet and I'll do nothing.,1.0,English
+1444,@user Same!!,1.0,English
+1445,@user @user THANK YOU CLASSMATE,1.5,English
+1446,@user It's all in the detail.😁,1.4,English
+1447,"@user Your hard work, honesty and humility brought you here. Can't wait to see what's next!",2.6,English
+1448,How sad is it that I didn't realize it was valentines day tomorrow,2.5,English
+1449,If I feel like i like you too much I’m liable to disappear on you.,3.0,English
+1450,Me in grade 3 being sent to the wall at recess http,2.2,English
+1451,"Nothing sexier than someone who can face temptation and say, “Nah this ain’t worth losing what I have”",3.0,English
+1452,oh yea I sang with a harp yesterday lol. but look at the cloudssss omg! I had sooo much fun with this one 💛 http,2.75,English
+1453,#Felipe fmsmfmd,1.5,English
+1454,@ameyaw112 It’s a beautiful song.very funny too😂,1.25,English
+1455,DRY BAR BANGS,1.8,English
+1456,@user YES GOOD 👏🏻 this is a NEED 😭,1.0,English
+1457,My head hurts 😣,1.75,English
+1458,"Here's another price boost for tonight. Son to score first, 7/1! #COYS #CHETOT http",2.6666666666666665,English
+1459,We are live for some losers brackets matches! #discmania @user http,1.0,English
+1460,"once I’m over u , IM OVER U 💯",3.0,English
+1461,"Starting school tommarow , why tf I chose a 8 am class🤦🏾‍♀️😭",1.75,English
+1462,help http,1.8,English
+1463,1TB Portable SSD for $179 - Super compact http http,1.0,English
+1464,@user the one near staples?,1.6666666666666667,English
+1465,"On this #SundayMorning #GetFreeBook with free delivery. Write your name, Mobile number and address in reply. http",1.0,English
+1466,If I could it over I would make the same mistakes all that fucking over made me who I am today That’s on God,3.0,English
+1467,#LawsofNature 1: A clean damp sock inevitably falls to the ground between the washer and dryer.,1.0,English
+1468,If someone is unhappy in a relationship but won’t leave what does that mean,3.333333333333333,English
+1469,u ever think how was everything before ur birth?,1.2,English
+1470,@user @thehill Of course.,1.0,English
+1471,"@user Ahh sorry lmao but yeh, bruh people came in acting like I committed war crime on the kid for making a tiny joke lmao",1.6,English
+1472,What are an oxidizer within culprit?,1.0,English
+1473,Arkansas Racing Commission adopts casino gaming rules. Details on the rules: http #arnews http,1.0,English
+1474,IT'S MAIN EVENT TIME. #NJWK13 #NJPW http http,1.0,English
+1475,ACCEPTANCE is the best key to move on.,1.8,English
+1476,@user LET'S GOOOO #BBMAsAchievement Lady Gaga &amp; Bradley Cooper,1.2,English
+1477,🔞 never felt so good http,2.6,English
+1478,"Candidate color roundup 2.0, now with more colours http",1.0,English
+1479,thinking about pride and prejudice,1.0,English
+1480,You'll miss me when I'm gone,3.333333333333333,English
+1481,what did i do to deserve this,2.333333333333333,English
+1482,When someone puts me as their close friend on Instagram I be shook because I don’t know you..,2.0,English
+1483,I crave your presence here with me.,4.25,English
+1484,@user @user @SB19Official 1. Sandbox @SB19Official #SB19 #SB19_MENPA,1.0,English
+1485,Sexy desi hunk exposes smooth tattooed bubble butt http #GayIndia #gayporn #DesiGay http,2.75,English
+1486,💨 RUSHIN' RAGAS! Trey Ragas runs it in from 1 yard out to extend the 𝗟𝗢𝗨𝗜𝗦𝗜𝗔𝗡𝗔 lead! TROY - 3 LA - 21 2Q | 11:44 http,1.0,English
+1487,All I want is a girl with a Phat Ass who can ride dick like @user http,3.5,English
+1488,@user @user You didnt forget Kevin! You just chose to prioritize the better Kevin.... @user,1.8,English
+1489,The latest http http #archivocnn,1.0,English
+1490,I needed to hear that cause I always say marriage is a business fr lol,2.5,English
+1491,"Time, Love, Death At the end of day we aim for love We wish we had more time and fear of death.",2.4,English
+1492,Ngl....getting dommed by another femboy would be pretty epic right now😳😳,3.6,English
+1493,Lord of the Rings Two Towers &amp; Return of the King is back on Netflix🥺🥺,1.25,English
+1494,Tweet #BadKarma Let’s trend this!,1.0,English
+1495,"Los Angeles teachers have settled with their school district, reaching an agreement that could end their strike http",1.0,English
+1496,"Buys book online: ""How to pick-up Chicks for Dummies"" http",1.6666666666666667,English
+1497,Dirt and sun bath... so luxurious! - Hazel http,1.6,English
+1498,take me to the beach :cc,1.4,English
+1499,"@user Lol (Y’all). But if it’s a celeb that made that statement, you’ll say they don't care about others.",2.25,English
+1500,@user starfox 64,1.25,English
+1501,@user I hate u😂😂😂😂😭,2.5,English
+1502,"Rt and I’ll tell you if your Ava is nice, okay or Hot 😋",3.0,English
+1503,"January is my worst month. Looking forward sa magagandang mangyayari this February 🤷🏻‍♀️ Feb, be good to me",3.0,English
+1504,If I could I would unfuck 98% of yu whores🎯,3.5,English
+1505,i’m doing a face mask right now i look like this emoji 🌝,1.4,English
+1506,@user you must have hurt that man feelings,2.0,English
+1507,@user my bisexuality always shakes when I see them together 💔,3.5,English
+1508,Wow matching the best characters,1.2,English
+1509,@user Me cause I’m tired of her shit lmao,1.6,English
+1510,@user Now I’m trying to figure out what to sign them to. I’m thinking 3 years for Gurriel and 2 years for Pivetta? (5 year max),1.0,English
+1511,@user she’s mad for NO reason smh,1.5,English
+1512,Yes you can⏳🤩 #Öğretmene40BinYeniAtama,1.8,English
+1513,@user Natsu wouldn't just give up.,2.0,English
+1514,Would God be pleased if you were working to hasten the apocalypse?,1.3333333333333333,English
+1515,The rundown on common game console video outputs http - via thenextweb,1.0,English
+1516,"My fursona, climbing up your shirt Furious ""your toes. hand them over.""",2.8,English
+1517,@user you’re not my mom 😡,3.0,English
+1518,@user @user @user Whatchu doin there,1.25,English
+1519,It’s time for redemption champ @TheNotoriousMMA http,1.0,English
+1520,Alterity,1.2,English
+1521,Are you kidding me! http,1.0,English
+1522,I care. I always care.,3.4,English
+1523,"Really worrying, nothing I can do and it's so frustrating. Sigh.",3.0,English
+1524,"Accident, shoulder blocked in #KingOfPrussia on I-76 EB between US-202 and Gulph Mills, jammed back to US-202, delay of 10 mins #traffic",1.0,English
+1525,Self reflection saves lives.,2.0,English
+1526,Imagine someone watching yah tweets stressing about you and the whole time you don't give af about em 🥴 http,3.333333333333333,English
+1527,"we all deserve someone that’ll stay,",2.6,English
+1528,@GTBaseball Go Jackets!,1.0,English
+1529,@notch @user Notch the Kodiak Creative,1.0,English
+1530,"@NetflixIsAJoke ""You too!"" ...🤷🏽‍♀️",1.0,English
+1531,"You gotta let them sleep on you, stay quiet, then come back with all your shit together. Silent moves 🗣",2.8,English
+1532,What’s your greatest fear?😨,1.2,English
+1533,i love my deaf gf,2.0,English
+1534,like seriously just say ur pretending to like her cause of ariana and leave,1.75,English
+1535,Why? Why???? What can i do just make u happy — Ala http,2.6,English
+1536,Y’all could’ve kept Charlamagne #SurvivingRKelly,1.5,English
+1537,I love you janella #JANELLAiWantASAP http,3.333333333333333,English
+1538,@user @ErycTriceps then it was a prebuild... not something custom where u can pick it out,1.0,English
+1539,I’m nice but I also don’t take anyone’s bullshit.,3.6,English
+1540,"i love my friends parents, they treat me like their own and never judge me",2.25,English
+1541,@user Ribeye and T-Bone,1.5,English
+1542,@user @user Take it wayyy back and wild out like it’s freshman year😭,2.0,English
+1543,@FIFAWWC @AlyssaNaeher @FIFAWWC_USA More like saved our asses but yep same thing,2.2,English
+1544,"@frank_seravalli Unlike the Foote call, this was a deliberate blow to the head/neck. IIHF rule is 5 minutes and ejection.",1.0,English
+1545,I hate saggy titties lol no offense,3.6,English
+1546,"They gon’ hate me regardless, that’s why i do what i do! 🤷🏾‍♂️ http",3.0,English
+1547,"Maybe it's just me, but I think Bush Babies is pretty sexy.",3.0,English
+1548,"they gone fck u over til all yo love gone, then look at u like u changed on em",3.2,English
+1549,"Dropped a couple people from my life, and i can fee it again. 2020 is looking good",2.75,English
+1550,Does this count as no hands? Fully video: http http,1.0,English
+1551,the professor i’m in love w canceled our exam next thursday 🥰,3.8,English
+1552,Holocaust? What Holocaust? says Egyptian website - JVIM http,1.0,English
+1553,"@pamfoundation ""Those who scream the loudest"". What's wrong, Pam?",1.6666666666666667,English
+1554,I had to run to the post something on this account and it wouldn't be good,1.75,English
+1555,"If my man want a threesome , he ain’t my man nomo",3.6,English
+1556,Responding to Sin - http,1.5,English
+1557,"python-argparse-manpage 1.1-1 (any/Community) ""Automatically build man-pages for your Python project"" &lt;2019-08-11&gt;",1.0,English
+1558,"Darin Silvers, Sean Duran, Aspen Full Video here: http http",1.0,English
+1559,@user i love you guys,2.6666666666666665,English
+1560,@user Obama was 13 when Saigon fell.,1.2,English
+1561,@user Even they fries?,1.3333333333333333,English
+1562,"Pragmatic concerns draw you back to reality, leaving your dayd... More for Leo http",1.6666666666666667,English
+1563,I'm using #Watusi for iOS by @user to add new features for #WhatsApp Messenger! http,1.25,English
+1564,"Okay everyone are flirting with me now,,",3.75,English
+1565,"Kind of an average day in Gig Harbor, one boat has already left for Alaskan waters http",1.0,English
+1566,@user I get aware on what happen 3 last days. I get to know all is my fault. 😒,1.75,English
+1567,"@Morning_Joe Based on her outfit this morning, is Elise Jordan going to be starring in the Handmaids Tale?",1.6666666666666667,English
+1568,we need to give a proper goodbye to the revival era,1.6,English
+1569,Want to Try The Bechdel Cast? Start Here. http,1.0,English
+1570,Top 10 anime betrayals hahaahha fu,1.6666666666666667,English
+1571,"@user Windmill slam first pick, buy a foil playset, fill a binder with one in every language.",1.5,English
+1572,Hey bois have any of u dipped your balls in orange juice yet?? Can you taste the orange juice? I need answers and I'm out of orange juice,3.8,English
+1573,@user Sorry I know you've touched your pussy.,4.4,English
+1574,"Check out ""gorilla snook...vegas AETrim1554617889699"" by GorillaSnook - http",1.0,English
+1575,I come back in to town and my room is basically a storage closet 😂 they done kicked my ass out..,2.5,English
+1576,HD and process gif http,1.0,English
+1577,Kubo and the Two Strings (2016) - Read 949 Movie Reviews Link: http #KuboAndTheTwoStrings,1.0,English
+1578,Lust for porn http,3.4,English
+1579,"I am a man, who has recently bought a house in the local area and I’m having a house warming party with some fellow adults",3.0,English
+1580,@user I MEANT TO PUT NO,1.0,English
+1581,SOMEONE FINALLY BOUGHT MY HAT AND I CAN FINALLY BUY ALL THE ANIMATIONS I DONT HAVE,1.0,English
+1582,PSA!!! Even though I’m busy 99.99999% of the time doesn’t mean I don’t like being invited to things!!!!!,2.2,English
+1583,@user @OtterBox Isnt that the only reason we buy those bulky things ? That's a shame ..,1.6,English
+1584,#NetajiSubhasChandraBose The ART The ARTIST http,1.0,English
+1585,Nothing compares with being with someone who actually cares for you,3.6,English
+1586,@user shit.. I didn't follow you either.... *clears throat*,2.6,English
+1587,vuelve CNBLUE... estoy esperando tu música 💙💙💙💙,1.6,Spanish
+1588,En esta cuenta ojalá que nadie me vaya a bloquear. Bloquear es de progres y mayates,2.2,Spanish
+1589,"Cupido, dime la verdad, ¿te caigo mal, we?",3.2,Spanish
+1590,http @guerrerosofmx @Luis_AcaShore ahí está tu amigo Fernando Lozada para refuerzo de Leones 😌,1.4,Spanish
+1591,@user yo más,2.333333333333333,Spanish
+1592,Me encanta cuando me agarras la pierna,4.4,Spanish
+1593,y las palabras tan bonitas que se dedicaban en el documental es que yo no he remontado todavía,2.75,Spanish
+1594,@user Gracias Rojo bonito día!!!,2.25,Spanish
+1595,Lo bueno nunca pasa de moda.,1.4,Spanish
+1596,@user pero si dicen q la secundaria t deja amigos para toda la vida jakska,2.6,Spanish
+1597,dios bendiga a how to sell drugs online xq es la única serie q no es un anime q hemos podido ver juntos julián y yo xq no nos gusta nada,3.4,Spanish
+1598,@user @user @REALMizkif No 😡,1.0,Spanish
+1599,necesito un abrazo,3.6,Spanish
+1600,@user viejo mierda cual futuro pinche futuro chayotero estas acabado tu y el PRIAN,3.0,Spanish
+1601,@user yo tampoco😭😔 es terrible esto y si sigo en tw me voy a dormir a las 5 am,2.0,Spanish
+1602,Estoy sola así que me queda festejar con música a todo volumen y mis mascotas,3.2,Spanish
+1603,Las tareas a última hora salen mejor.,1.0,Spanish
+1604,"que aburrimiento,, mejor me duermo otra vez",1.2,Spanish
+1605,@user las 2,1.0,Spanish
+1606,"Soy tierno o soy un seco de mierda, no tengo punto medio",3.0,Spanish
+1607,. No hay sensación más punzante q la q se afronta al espejo... ... 💞 http,2.4,Spanish
+1608,Canción: No tengo edad Por Gigliola Cinquetti TV Argentina / mayo 1967 Espero les guste. Me encantó al oírla. 💕🌹 http,1.5,Spanish
+1609,Comenten tres veces porque Aarón está chiquito y hay que cuidarlo 2YRS WITH AARON,1.8,Spanish
+1610,"@angelmartin_nc Pues yo me compraría el ranchen flanchen, jajaja. Un abrazo, Ángel, que tengas un gran día.",2.5,Spanish
+1611,"@Alfonsolanzagor Y también manager , pitcher y cuarto tronco. ⚾️⚾️⚾️..vas pa diputado pero si rápido. Salud y saludos.🦛🦛🦛",1.4,Spanish
+1612,@user 😋😋😋 saludos y feliz fin de semana,1.2,Spanish
+1613,"Buenos días, hoy mi esposo me dejo amanecer en cama ajena 😍🙊🙈😈 http",4.8,Spanish
+1614,"Buenos días 🌞 Hora de ganar seguidores, da ❤ y 🔁 luego sigue a todos los que den ❤.",1.4,Spanish
+1615,@user Cómo que ningning sabe quién soy si nadie sabe,2.25,Spanish
+1616,Cansada de que me traten así,4.0,Spanish
+1617,@user Terminamos con más dudas :c,2.0,Spanish
+1618,4. ¿has soñado alguna vez con alguien del grupo? #StanWorld #MONSTAX @OfficialMonstaX,2.75,Spanish
+1619,"@user @user Lo último era mame de twitter, cada que alguien decía de un abogado era ese licenciado",1.0,Spanish
+1620,@mediaofspeaker LA TRAICIÓN DEL PLANETA TIERRA http,1.0,Spanish
+1621,"Suerte a las mujeres en su movimiento, están haciendo historia, no paren, nosotros con ustedes💜",1.6,Spanish
+1622,@user @user @user @marca Si amigo lo q tu digas tienes tu toda la razón hasta mucho dieron con esos 4 minutos,2.75,Spanish
+1623,"@AngelVerdugoB Buenos días, gracias por informar, reciba un cordial saludo",1.2,Spanish
+1624,"@user como debo de enviar la foto cuerpo, cara, vestido, mm",2.4,Spanish
+1625,Para empezar bien el domingo hay que salirse del marco. http,1.4,Spanish
+1626,"@user Sí mi Jahi, el lunes es festiva 🤩",1.6666666666666667,Spanish
+1627,@user Todo sea por seguir unos años más jaja,2.2,Spanish
+1628,@user 🔎🏜️.... es verdad;),1.3333333333333333,Spanish
+1629,"@user @natiibedoya Uy, yo vi una igualita en la 22....",2.0,Spanish
+1630,@user es la leyenda del blues.,1.6,Spanish
+1631,"Ahora tengo ganas de llorar, porque se me ha juntado con la pre regla",4.0,Spanish
+1632,@user Momento de hacerle re watch,2.333333333333333,Spanish
+1633,@user Miren como es la Policía en las marchas pacíficas #SOSColombiaNoDuerme # http,2.0,Spanish
+1634,Lo que nos enseña la epidemiología genómica sobre las olas de COVID-19 en España (y cómo evitar una nueva ola) http,1.5,Spanish
+1635,"@user Es no tener madre, es un miserable, ojalá pague todo el daño que esta haciendo en vida",2.5,Spanish
+1636,Puedo sola porque siempre pude,2.5,Spanish
+1637,la neuróloga me dijo que tengo una vida sedentaria JSJS y que quiere si no encuentro ni mi carnet para salir,3.5,Spanish
+1638,¿Donde está el botón reset de este país?,1.4,Spanish
+1639,Todo tengo que andar diciendo jaja,1.0,Spanish
+1640,@user @user La verdad es que si,1.8,Spanish
+1641,Y tu sigues dando vuelta en mi cabeza carrusel🎠 🎶,2.6,Spanish
+1642,@user @Atletico @GaloNaVeia @GaloBmg @tvgalo @user @Igortep @user @user De nada Man,1.0,Spanish
+1643,"@user @user Esta botoxeada, tiene filtro, y que hace el esperpento ese en tik tok.",1.8,Spanish
+1644,"Hubo mucho saboteo, cientos de personas nos quedamos sin votar y sucedió en varios lugares de Maracay.",1.0,Spanish
+1645,@user Pero el principio de inocencia?,1.0,Spanish
+1646,"📌 “Si quieres volar, deja ir todo lo que te sujeta.” – Buddha",1.6,Spanish
+1647,"todo el tiempo me está diciendo loca o q soy una payasa, por qué no se fija en ella",3.6,Spanish
+1648,"@user @MarcaClaro Bots culiaos odiosos, tan fracasados que no tienen otra cosa que hacer, defender weonxs.",2.5,Spanish
+1649,"@user si quieres hago un corta y pega de tu mensaje y se lo envío, que a mi todavía no me ha bloqueado :)",3.2,Spanish
+1650,"ya veo que cuando salgan más fotos de har,ry y oIivia van a unlarrear todas dios ya lo vivimos porfas no sean demasiado imbeciles",1.25,Spanish
+1651,"@user yo mejor voy a elegir química, que es más fácil",2.6,Spanish
+1652,"Ojalá te encuentres a la famosa neni un día y te reciba con un botellazo, 🤞🏻",3.0,Spanish
+1653,@user buena suerte,2.6,Spanish
+1654,"Y me voy a olvidar de mi familia, quiero ser feliz",3.75,Spanish
+1655,"@user Buena cantidad de venezolanos tienen la memoria muy corta, totalmente de acuerdo.",1.25,Spanish
+1656,🔴Ya tenemos los juegos del plus!➕ y en breve empezaremos a jugarlos!🔛 Pasarse por el canal 👇https://t.co/Iad5i4mm1z,1.0,Spanish
+1657,Por siempre defenderé mi país y mi bandera. Me uno a #MujeresPorKast http,1.6,Spanish
+1658,@user Ojalá se de la oportunidad de comprarme el cosplay y q claroo q yes,2.5,Spanish
+1659,cómo venga Mbappé y se vaya Hazard a mi me llevan preso,1.75,Spanish
+1660,ALGUIEN ME PUEDE DECIR porque todos decís que van a decir fechas de tour??,1.0,Spanish
+1661,"@user @BTS_twt Buen trabajo ARMY, sigamos asi o mejor!! LET US SHINE ON iHEART #BTSARMY #BestFanArmy #iHeartAwards @BTS_twt",1.0,Spanish
+1662,Me molesta la gente que se cree superior sólo por tener cosas que los demás no tienen...,3.0,Spanish
+1663,quien para hacer una fiesta con temática de skins,1.8,Spanish
+1664,Don cabal tiene el culo conectado con la lengua. #circolombia #elpaismasfelizdelmundo http,2.0,Spanish
+1665,"dejad de tener ese concepto de mi, yo no soy así",2.75,Spanish
+1666,Osea que me tendré que poner a dieta y ejercicio??,2.8,Spanish
+1667,@user Duerme en algun momento señora?,1.6,Spanish
+1668,¿Cómo es que pasó la semana tan rápido? 🥺,1.8,Spanish
+1669,"""."" y te doy la primera foto que me aparezca en pinterest",2.5,Spanish
+1670,@user @user @user Tomen para que se les ponga la piel de gallina un rato...,1.6,Spanish
+1671,Sabemos que ahorita todas las personas que capturen son del ELN. Ya está más que cantado.,1.25,Spanish
+1672,@user Muchas felicidades a los dos💕❤🥰,1.8,Spanish
+1673,@user Bueno hacelos parado,2.0,Spanish
+1674,La hace mucho de emoción,2.4,Spanish
+1675,Uno ya no quiere hacer corajes pero es que luego sale con esas mamadas😡😡😡,1.6,Spanish
+1676,"si tú coge hombre ajeno, no tienes ningún derecho de enojarte si depué te cogen el tuyo.",3.0,Spanish
+1677,@publico_es ¿Y una ley de gilipollas para cuando? Porque hay bastantes más que trans.,1.25,Spanish
+1678,@user No hablo de Gustavo Bolívar. Hablo de Petro. Sólo los ilusos creen que él es capitalista. Por favor.,1.4,Spanish
+1679,faaa boludo q aburrida estoy 🙄,1.2,Spanish
+1680,Me pone loco saber que sin Messi y sin Scaloni tal vez ganábamos.,2.0,Spanish
+1681,"Si no son, no son aferrarte y obsesionarte a alguien hace daño",3.4,Spanish
+1682,@user @user Y hacerme... ???,3.4,Spanish
+1683,@user @xhugocobox @flaviofdzz @_samanthagg mi niña esta adoptadísima de por si no pasa nada,3.2,Spanish
+1684,@user Mi humildad me hizo desmentirlas ntp…,3.0,Spanish
+1685,"bueno chicos si no quieren discutir en Chota podemos discutir en Pelotas, Brasil",3.0,Spanish
+1686,@user Octubre #KimHyunJoong #kimHyunJoongEnHechosSabado,1.6,Spanish
+1687,@user @EstebanPazR Eso diría Repetto,2.0,Spanish
+1688,que lindo me dan como 30 unf por día 🙈,3.0,Spanish
+1689,@user No me hagas esto porque me mato yo,3.8,Spanish
+1690,Y si empiezo a vender budines ahora que nadie hace 🤔,1.0,Spanish
+1691,"@user gracias, dios te lo pague 🙏",2.4,Spanish
+1692,Pero que grandeee😱😱😱 aguantarían una de ese tamaño?? Sigueme en instagram http http,4.0,Spanish
+1693,"@user Para mi hoy no salió ningún video mas que el de Harry, bye ❤️",1.75,Spanish
+1694,Este semestre va a ser hermoso tengo 5 materias promocionales me voy a re poner las pilas y voy a sacar todo ---&gt; 🤡🤡🤡🤡🤡,2.8,Spanish
+1695,¿Quién sabe matemáticas? ¡para que me enseñe el pito! 😂 http,2.2,Spanish
+1696,Últimamente me siento vacío. Es como si todo estuviera desierto dentro de mi alma.,3.8,Spanish
+1697,"@user Bueno manao, no hay de otra... aquí la vaina está muy heavy como para andar buscando lo que no se ha perdido",2.25,Spanish
+1698,@user Hasta ahora estoy esperando el yapeo...,1.5,Spanish
+1699,@user Jajajaja ya después dejó de ver su novela,1.6,Spanish
+1700,El chico tiene autismo también! Dejenlo ALI AMOR Y TRISTEZA #DrMilagro,1.0,Spanish
+1701,@user Que pena jo ojalá el mozo pueda arreglarlo si encima era para una buena causa 😔,1.4,Spanish
+1702,"algn mutual me puedes subir a 6k me falta 1,5k pd:hace mucho que no juego",3.0,Spanish
+1703,"@user @MARCIANOPHONE Si fuera un mentiroso no hubiera ganado 1000 dolares hoy, por el dodgecoin. Les gooo",2.0,Spanish
+1704,"@user Que se conecten al wi fi, porque los datos se les estan agotando",3.0,Spanish
+1705,"http Es mi canción para vos, siempre lo será salgamos de esta ruina de rutinas aburridas",3.75,Spanish
+1706,"La Biblia. I Pedro 2,22 [22]El que no cometió pecado, y en cuya boca no se halló engaño;",1.0,Spanish
+1707,En mi vida el proceso de ser novios dura más que la relación jajaja🙃,4.25,Spanish
+1708,Aveces agradezco tener un sentimiento mutuo con alguien,3.6,Spanish
+1709,Estuviste asustente pero aún así estuviste presente,2.75,Spanish
+1710,@user @user Bien por las vacas,1.5,Spanish
+1711,@user Es que es 🥰😍😍,3.5,Spanish
+1712,"@user Si es urgente, mejor la llamas",3.25,Spanish
+1713,"@user @official__wonho @OfficialMonstaX diooos, te juro. lo que pasa es que es tan bueno que no se le entiende a",2.25,Spanish
+1714,Buen diaaaaaaa chicos quiero participar por los premios #ElClubDelMoro,1.0,Spanish
+1715,@user @user bien también,1.0,Spanish
+1716,Te estraño un wen 🐥🥺❤️,2.8,Spanish
+1717,que masa la de física con la fuerza help,1.5,Spanish
+1718,Cepeda no puedes apagar la tele proque no tienes el cable enchufado alma de cántaro!,1.0,Spanish
+1719,Tengo un amigo muy fino que se llama Agripino #AgripinoChallenge @franco_esca 🤣🤣🤣🤣🤣🤣🤣 http,1.4,Spanish
+1720,Una amiga viviendo en suiza que quiere decir esto? jajaja sale plantarse en su casa XD,1.4,Spanish
+1721,@user #FutbolTotalDIRECTV vamos Peru! Saludos desde Lima. Maqui y Óscar. Estamos en semis,1.4,Spanish
+1722,"Asi tenemos que actuar este año,dulzura las pelotas http",3.6666666666666665,Spanish
+1723,@user Diría q si pero tenés novia 😁,3.0,Spanish
+1724,@user cuidado q te va a explotar la cabeza,1.6,Spanish
+1725,"Primer partido, primer ⚽️. ¡Se estrenó el mellizo! 🇲🇽 🔥 😎 #MEXTOUR | #FMFporNuestroFútbol http",1.0,Spanish
+1726,@user Es normal cuando no se sale bien,2.8,Spanish
+1727,Muy bueno el partido pero nadie habla del comercial de @user magistral 👌🏼,1.2,Spanish
+1728,@user Gracias guapo❣️ cuando lo tenga permitido voy a pedirte permiso para mutar unos días :( desde ya perdón por las molestias,2.8,Spanish
+1729,"Mal ahí ser mí ex, porque cada día estoy más lindo",3.4,Spanish
+1730,sigo sin entender como una persona puede aprovecharse tanto de otra por el simple hecho de saber que la quiere demasiado,2.4,Spanish
+1731,"@ricarospina @user @user @BluRadioCo Disidencias? Las Farc, por qué Comúnmente tratan de llamarlas disidencias?",1.2,Spanish
+1732,estoy asi escuchando el debate http,1.3333333333333333,Spanish
+1733,@user Para la próxima se meten con Steven Universe y les queman el canal jaja,1.8,Spanish
+1734,@user ¡Excelente elección! #CineEsVida,1.0,Spanish
+1735,Gremios industriales defendieron las políticas de Alberto Fernández para el sector http,1.25,Spanish
+1736,Dime cómo quieres que te explique? Que por más que llores y supliques yo ya no vuelvo contigo..,3.4,Spanish
+1737,@oednaldopereira @user de torar,1.25,Spanish
+1738,@user A donde voy para poder verte hermosa,3.8,Spanish
+1739,@user @user Parámetro para Saldivar Veremos si respeta la ley y la constitución que juro proteger,1.0,Spanish
+1740,Iba a dormir feliz y tranquila hasta que prendí la tele en donde están pasando la boda roja #got,2.2,Spanish
+1741,@user En la sopa,1.0,Spanish
+1742,"Si no consigo trabajo, empezaré a pensar seriamente en el only fans para aprovechar los atributos que me dio la genética",3.5,Spanish
+1743,@user Verdad que siii? Lo pillé también y me asusté un pelín xd,2.0,Spanish
+1744,"@user Entiéndase el ""me gusta"" como ""no me gusta"". 🤦",2.2,Spanish
+1745,@JuanSGuarnizo Felíz Año Nuevo!!,1.3333333333333333,Spanish
+1746,"bueno, no olviden que ""oh mami"" es competencia con butter, así que tengan cuidado, y no olviden sus prioridades.",2.0,Spanish
+1747,@user Igual no pienses mucho en contrapartes porque te vas a re confundir en especial en jjl,2.0,Spanish
+1748,@user Estoy esperando a LH traducciones 😭,1.0,Spanish
+1749,@user Ayyy💕💕💕 justo estoy terminando un mini lienzo de una parejita. Luego subo✨,2.4,Spanish
+1750,@user Y la costra de vino que queda en locicoooo JAJJAJAAJAJA,1.75,Spanish
+1751,@Nacional @Sudamericana donde donde está Marc Antoni,1.0,Spanish
+1752,@user @OMSA_RD @user Osea que no aguantó y tuvo que hacerlo en los pantalones 👖🙄🤔🤣🤣🤣🤣🤣🤣,3.2,Spanish
+1753,@CFEmx Hola buen día como puedo obtener un recibo de luz,1.6,Spanish
+1754,@user porfavor aumenten la capacidad en survival :( no puedo entrar y quiero aparecer en tus videos :'v,1.8,Spanish
+1755,Pero mira que hermoso día para la resaca y comer todo el día,3.333333333333333,Spanish
+1756,@user pégame por preguntona,2.6,Spanish
+1757,@user Uu pero esa es nueva no ?,1.0,Spanish
+1758,@user ojala fuese el,2.75,Spanish
+1759,entro a twt todos los días con el riesgo de leer los tweets de algún hispanohablante,2.5,Spanish
+1760,las de mi grupo ya no me quieren me abandonaron 😭😭😭😭😭😭,3.8,Spanish
+1761,"Olé, el viaje de Ferdinand (2017) - Leer 349 Críticas de Películas Enlace: http #OléElViajeDeFerdinand #PeliCritica",1.0,Spanish
+1762,la música de las dos va a ser tipo nos venimos tan arriba saltando que no nos damos cuenta de que en cualquier momento caemos por el balcón,2.0,Spanish
+1763,No tienes por qué soportarme.,3.25,Spanish
+1764,#PlanDeVacunación | 💉 En la próxima semana está prevista la llegada de más de 4.000.000 de vacunas. 👇 http,1.0,Spanish
+1765,"tejer la bibliografía, sale mal",1.6666666666666667,Spanish
+1766,Aparecí ! Y si me siguen 😢,1.8,Spanish
+1767,C-creo que los Minions no eran tan fuertes antes~ http,1.6,Spanish
+1768,a leer cartas astrales señores 💪🏻 tendría q trabajar de esto,1.75,Spanish
+1769,FUA* Wtf como día,1.75,Spanish
+1770,"@user @user y si,se pasa volando el tiempo",1.4,Spanish
+1771,"@BTS_twt Se ve bien hermoso, Jajaja se te puede ver el reflejo. 😂",1.6,Spanish
+1772,"@user a mi tambiénn, cuando quieras hablame al dm¡!",3.4,Spanish
+1773,@user Nei me hicieron literalmente sangre paso,2.0,Spanish
+1774,He hecho muchas pendejadas en mi vida y de lo único que estoy segura es de que puedo hacer muchas más,3.6,Spanish
+1775,@user @user a ver lo que dura,1.8,Spanish
+1776,@user el otro dia me dolia un poco pero no mucho por suerte igual es algo que ya me venia pasando asi que calculo q no es mi fin,1.75,Spanish
+1777,Que mierda esperan para abrir los bancos con atención a full como todos los comercios?,1.6,Spanish
+1778,Tengo depresión pos tercera temporada de Sex Education,3.4,Spanish
+1779,Mucho ánimo @Maria_Araujo8 💪 Queremos verte muy pronto en las canchas con @unigirona 💥 http,2.4,Spanish
+1780,¿Cómo se desabrocha un corazón? Se me ha quedado enganchado con la vida y no hay manera.,3.6,Spanish
+1781,"Por discusión sobre recibo de luz, hijo mata a puñal a su madre » Hora en Punto http",1.25,Spanish
+1782,@user Y nomás puse mi presencia 😂,1.4,Spanish
+1783,@user la mía osea,2.2,Spanish
+1784,"Por Nosotros, por España #EligeAgendaEspaña #PrimeroVox",1.0,Spanish
+1785,no tengo amigos ahora a quien etiqueto jajaja,2.2,Spanish
+1786,@user buenass,1.5,Spanish
+1787,"@user @user Tenga, para que deje de defender a una mierda de persona. http",1.8,Spanish
+1788,"Tengo que ponerme las pilas wacho, sino alto gil",2.0,Spanish
+1789,"la forma de que me alegro de que el villano se libere, osea loki JAJAJAJA chillando estoy #Loki",1.4,Spanish
+1790,Se buscan 3 jugadores de ayudas para esta noche al ser posible 2dfc 1 mcd o carr,1.75,Spanish
+1791,#LosMacristasNoSonAmigos y hasta Los Simpsons se inspiraron en ellos... http,1.2,Spanish
+1792,@gabrielboric Si alguien sabe de fascismo son ustedes así que te voy a creer,1.6,Spanish
+1793,@user NO SE PUEDE literal tengo una carpeta d Roger y robert juntos y ésta foto se repite mil veces,3.75,Spanish
+1794,Firmen aquí los que estan en el estreno de #SXYGIRL #SOLM #SG #SnakeOzunaLisaMegan - Sornana💍,1.5,Spanish
+1795,@user @user El tema es q ellos pueden hacer q la pasemos peor muy facilmente,3.0,Spanish
+1796,@user @user esto lo tengo que guardar para el recuerdo,2.2,Spanish
+1797,Que rico follamos con esta parejita en 🇨🇴 todos los videos ya están disponible en http den RT 😈🔥 http,4.333333333333333,Spanish
+1798,al gym que este culo y estas tetas no crecen solas,4.2,Spanish
+1799,@user y cuando actualizas,1.0,Spanish
+1800,@TXT_members parece que te gusta verme llorsr,2.4,Spanish
+1801,"¡Otro joven profesional! Felicitamos a nuestro compañero, Dr. @user quien ya recibió su título de abogado ⚖ http",1.6666666666666667,Spanish
+1802,@user M salto en el tl,1.6666666666666667,Spanish
+1803,@LaTri @CopaAmerica Alfaro pon Diaz ya que es el único Armador y Gonzalo Plata como dupla,1.0,Spanish
+1804,@user @user El xhepas se hace rico con el comunismo.,1.6,Spanish
+1805,Ni respirar parece que se puede que ya te andan criticando,3.0,Spanish
+1806,"Es un bodrio, nadie la ve y la arpía busca publicidad generando polémica. Me lo imaginé. http",1.8,Spanish
+1807,La caza mata (también a las personas) http,2.0,Spanish
+1808,El cansancio que tengo,2.2,Spanish
+1809,El paro nacional tenía q ser hace un mes se durmieron en las pajas,2.0,Spanish
+1810,@user Jajajajajaja Los ejercicios de escupir fuego que se nos van de los manos,1.4,Spanish
+1811,Pues yo estaba supel ilusionado polque pensaba que lo de las elecciones ela otla cosa,1.25,Spanish
+1812,Y mi otra prima de cómplice 🤣🤣 no deja con estas dos,2.2,Spanish
+1813,Tembló? O es que estoy muy mareado?,1.5,Spanish
+1814,Oficialmente ¡Vacaciones!,1.8,Spanish
+1815,@user Me lo merezco jaja,3.25,Spanish
+1816,@user @user si igual después de savitar murió la serie,1.8,Spanish
+1817,"@user Cuánto lo lamento Ilse, que en paz descanse, un fuerte abrazo 🤗",2.8,Spanish
+1818,@user a wtf una de tu curso tiene mi apellido,2.0,Spanish
+1819,@user no me gusta,2.0,Spanish
+1820,@user @user Ya fue http,1.5,Spanish
+1821,@AristeguiOnline Este florero está rebalsando vergüenza,1.75,Spanish
+1822,Rubiales es un iluminado.,1.25,Spanish
+1823,"@user Qué bonito. Perseverancia, tenacidad. Es difícil.",1.4,Spanish
+1824,@user Si xq igual te lo quieres volver a follar y el crush no quiere y entonces eso vuelve a ser platónico 🌚,4.0,Spanish
+1825,"@user @epigmenioibarra Y no sólo discriminan a los pueblos indígenas, también se burlan y faltan al respeto. 😡",1.5,Spanish
+1826,#leyantiocupas Hay que decir BASTA a la ocupación ilegal de inmuebles http,2.6,Spanish
+1827,@user Mil cuatro #KCAMEXICO #FedeVigevani #Piculincito,1.0,Spanish
+1828,Que envidia a los que trabajan de lunes a viernes loco,1.3333333333333333,Spanish
+1829,@user tiene como 12 ni lo pesques,2.2,Spanish
+1830,Gracias a @user y @trinomonero por su participación.,2.4,Spanish
+1831,"@user @user Hay tantas, cosos que no se deben hacer y se hacen...",2.0,Spanish
+1832,"quiero a alguien q no conozca a nadie d mi entorno,podamos hablar de todo y yo estar segura de que no va a decir nada",3.4,Spanish
+1833,"@contracultural @ocram Señores, tenemos que apostar por Lescano. Nos quedan dos días.",1.75,Spanish
+1834,este verano quiero conocer mucha gente nueva,2.75,Spanish
+1835,"@user No es necesario ya estoy mejor, pero gracias igual :3",3.2,Spanish
+1836,No madura más la pobre...,2.25,Spanish
+1837,@user ondulado,1.0,Spanish
+1838,"@user ¿ hwdapt vwkmirpt comwd wstws ? 💗💐🍼🥛🍭🧸 no me des sb, soy normal.",3.6666666666666665,Spanish
+1839,@user Jaja aún no me fui a dormir 😅,2.0,Spanish
+1840,Recomiendo que cierren ese lugar urgentemente. http,1.5,Spanish
+1841,El Estado registra la mayor destrucción de empleo en diez años http #larazon_es,1.0,Spanish
+1842,debería odiarte a ti y me odio más a mi,3.4,Spanish
+1843,adidas lanza nueva colección de ciclismo en México http,1.0,Spanish
+1844,@user ¿Kwai?,1.6666666666666667,Spanish
+1845,@user @user Eso es de Paraco...,1.75,Spanish
+1846,@_ANAMILAN_ @ATRESplayer para alegrarme el último domingo antes de clase es que ufff lo bien que me viene 😩,2.0,Spanish
+1847,Quiero hacer lo más sucio que se le ocurra.,4.5,Spanish
+1848,"Llevo días desayunando y cenando Leche con Corn Flakes, y la verdad se siente bien, Mi paladar necesitaba vacaciones.",3.5,Spanish
+1849,El comienzo de siempre ♾️,2.2,Spanish
+1850,que pereza dar tanto y ni siquiera recibir algo decente,2.0,Spanish
+1851,"Necesito estar en maza, Vallarta o Cancún, pero ya",2.0,Spanish
+1852,@user @user O mejor debería llamarse.... Quien quiere ser millonario?,1.0,Spanish
+1853,@user Yo estoy pipí cucú,2.0,Spanish
+1854,@user No me importa si los conozco o no así de bueno es BOLSODIOS,1.2,Spanish
+1855,q culia te extraño,4.2,Spanish
+1856,"@user Felisaño, Martín. Nombre de poeta pampeano de los años 20. Feliz ano, Martín. ... cómo que no es así?",2.25,Spanish
+1857,"@user @user @user Mi club está en la Superliga pq lo dirigen dos mafiosos, eso no quita que lo que puse antes.",2.2,Spanish
+1858,@WRadioColombia Jajajajajajaja que señora para dejarnos en vergüenza con sus intervenciones,1.2,Spanish
+1859,En aislamiento se come a la hora que uno quiere 🤣,1.5,Spanish
+1860,Maxi Iglesias está creado por los Dioses griegos. DIOS MÍO.,2.0,Spanish
+1861,"Si Perxis dijo que va ser espectacular confío en el, pero el miedo no me lo saca nadie",2.4,Spanish
+1862,"@pvallin @rosamariaartal Están día a día en el barro, presenciando desahucios, en las manifestaciones...",1.6,Spanish
+1863,"@user Pingu tira mi cv en chandon, sos el único que puede revertir esta situación",2.4,Spanish
+1864,@user Amei todas,1.75,Spanish
+1865,que ganas de darme de baja,2.75,Spanish
+1866,"¿Vacuna patria? Chale, pinches nacionalismos absurdos en inservibles.",1.6,Spanish
+1867,Feliz día de reyes mis amores Benjamín Fernández y Lucio Matteo Garzón los amo BBS de la abu,3.0,Spanish
+1868,El @cmagistratura repudió el espionaje ilegal realizado a jueces federales👇🏼https://t.co/c3MzeY78MH,1.0,Spanish
+1869,"Buenas, recién de Desperté después de un turno de noche de que me perdí. http",3.5,Spanish
+1870,@user Síntoma de “mal de pilo” 😆,2.25,Spanish
+1871,@user @user Ves es un hijo mas,2.0,Spanish
+1872,@user @martintetaz @user @MiguelPichetto @mauriciomacri @user @user Tal cual!! Es lo mejor!! 💪💪,2.6666666666666665,Spanish
+1873,"Neta estoy muy frustrado, osea últimamente mis pasteles no salen como yo quiero y como tienen que salir.",3.6,Spanish
+1874,Los simuladores me levantan las tardes,1.4,Spanish
+1875,"@user @user Pero bueno, eres fan de Dalas, qué más se podría esperar?",1.6,Spanish
+1876,Yo sí me vacunare será prefiero susto que muerte y que lo vea los artistas del erotismo con @user,2.6,Spanish
+1877,"@user Osea si, no lo niego. xD",2.0,Spanish
+1878,@user EL ICON MUERO,1.0,Spanish
+1879,"@CiroGomezL @FelixSalMac @mario_delgado De los 100, 50 serán mujeres?",1.4,Spanish
+1880,q satisfacción me da poner un . y final a las cosas.,2.0,Spanish
+1881,@user La ex novia que cree que la culpa fue de ella y no de él.,3.4,Spanish
+1882,@user Mirá sin modismos y todo no te podés quejar,1.8,Spanish
+1883,@user Y todo por no traer cubrebocas.,1.6,Spanish
+1884,"Estoy harto de que pareza un si y sea un no, agarrate los huevos y dejate llevar.",2.8,Spanish
+1885,"@user No entiendo cómo alguien como ese ser llega a tener algún tipo de espacio de opinión, la fuerza del sobre es monumental.",1.6,Spanish
+1886,@user @user Me apunto.,2.2,Spanish
+1887,Iván Duque se habría ensuciado las manos: militares estuvieron 4 meses antes en Haití por orden del gobierno http,1.2,Spanish
+1888,Tocandole el Culo con la Punta de mi Verga a mi Esposa. Que delicioso Culo tiene mi Esposa. http,5.0,Spanish
+1889,@Manu_Sainz Desastre en los partidos claves pero el que más hizo para acercarse al Atlético fue Barca,1.0,Spanish
+1890,@ElHuffPost Que tendrá en la cabeza la gente para votar a semejante ser....,2.4,Spanish
+1891,@user La extraño,4.25,Spanish
+1892,ya no se como interactuar,2.4,Spanish
+1893,"Ni ganas tengo de seguir, pero pienso en mi mamá y tengo seguir para la adelante a la fuerza",4.6,Spanish
+1894,@user @user @user Hay algo que se llama interpretación jurídica y si sabemos interpretar las leyes tienen todo definido,1.4,Spanish
+1895,"La vida sigue su curso, tú toma parte de ella.",1.6,Spanish
+1896,hola muy buenas I'm voting for @BLACKPINK for #BBMAsTopSocial,1.0,Spanish
+1897,"La gente cree que por ir a trabajar a hacer por LO QUE SE LES PAGA ya te están haciendo un favor, y por tener buena actitud, ni te cuento...",2.6,Spanish
+1898,🔵 Científico revela cuánto tiempo más brillará el Sol y cómo será su final http,1.0,Spanish
+1899,"@user @user @Horacio_Cartes Creo que @user debería asesorar a su líder. Con el trabajo emprendedor, ¡no!",2.5,Spanish
+1900,"@user Te voy a robar, primer aviso",3.0,Spanish
+1901,Dios mío por qué me gustan tanto los chirretes,3.0,Spanish
+1902,me hace reír tanto I vote #HowYouLikeThat for #BestMusicVideo on #iHeartAwards @BLACKPINK,1.25,Spanish
+1903,@user Inglaterra allá voy,2.0,Spanish
+1904,esto es una funa para @user te me caiste 😒😬,2.4,Spanish
+1905,Hoy me echaron 30 años. Ha sido un buen día!,2.4,Spanish
+1906,Yo veo esas cosas de la guerra y digo naaa no puede ser es mentira pero no,1.8,Spanish
+1907,@user por nada &lt;33,1.5,Spanish
+1908,"@user @user No se trata de regionalismos. Se trata de ideologias, los rojos son enfermos mentales",2.6,Spanish
+1909,@user cuidado con darme unf pq te bajo la cuenta,1.3333333333333333,Spanish
+1910,"@bbmundo_com Si, absolutamente de acuerdo.",2.0,Spanish
+1911,@user Yatuhan :')),1.6666666666666667,Spanish
+1912,"@user Estan caros los xbox, eso es de valientes.",2.0,Spanish
+1913,@TXT_members los amo mucho 😢,2.4,Spanish
+1914,@user ya no tengo dignidad ni nada q perder JAJAJAJ:(,3.2,Spanish
+1915,"@user En el punto de encuentro, antes de partir 😁 http",2.2,Spanish
+1916,@user @user q te dije el viernes de andarme mencionando en estas cosas😡 se me enoja el ganado,3.0,Spanish
+1917,@ElManagerChef Ahora ya sabemos quienes andan INCENDIANDO en el pais señores!! Alerta! @user,1.6,Spanish
+1918,@user Yo le pondría unos cinco regimientos y así acabar por los terroristas violadores de los derechos humanos.,2.75,Spanish
+1919,yo confío en que la gente va a valorarla y va a ser el temazo del verano,2.0,Spanish
+1920,@user Pueden ir al Instagram @user,2.4,Spanish
+1921,Los tatuajes se están imponiendo,2.0,Spanish
+1922,Mañana un día dedicado para mi y solo para mi,3.2,Spanish
+1923,@user @user @user ¡Solo le faltó pedirle un hijo!,2.8,Spanish
+1924,"@user Jaja ¿es como volver a vivir el trauma de de nacimiento, o sea la tristeza que da perder y olvidar el estado de plenitud?",2.6,Spanish
+1925,"@user Si, ya hacía falta!!! 🙋‍♀️😉😘✌️👌",1.8,Spanish
+1926,@user Te encanta tomarme fotos cuando ando embobado mirándote~,3.8,Spanish
+1927,@user :))),1.0,Spanish
+1928,@user ns me quiero pegar un tiro por la pelotudez que acabo de leer,3.0,Spanish
+1929,@user @telecincoes Y la madre ??? Si no quiere ver a su hija,1.2,Spanish
+1930,@user Gracias por comunicarte. Me comunico a través del traductor de Google.,1.0,Spanish
+1931,Mira que hermoso dia hace para ir a la cancha 💙😣,2.0,Spanish
+1932,últimamente mi palabra favorita es sapazo,2.4,Spanish
+1933,"@user en síntesis para el público más ""mundano"" de este congal: No se cansa de ganar @POTUS",1.25,Spanish
+1934,Estas son Las Tendencias de hoy. España va bien. Si señor... #apagalateleyvivetuvidaporfavor http,1.5,Spanish
+1935,Hay cuentas que me pregunto en qué momento de mi vida las empece a seguir,1.8,Spanish
+1936,@user @user @TigresOficial Bien dicho no te llevó ajjajj,1.8,Spanish
+1937,@user Perdón☹️,3.4,Spanish
+1938,Fueron localizadas en Piura-Perú.,2.0,Spanish
+1939,"La mejor creación de este mundo es el jugo de arándano, neta no hay cosa mas deliciosa",2.25,Spanish
+1940,"@user Uy, disfruta de comer cosas heladas ahora que no tienes pe",2.333333333333333,Spanish
+1941,Kandinsky pasó toda la vida estudiando la forma en que el arte influye en las emociones humanas. http,1.75,Spanish
+1942,"@user El ""mmmmm"" puede tener muchos significados... Y algunos, non sancto!!...😉 (Al verte dije ""mmm"", pero en voz baja)...😲😂😂",3.2,Spanish
+1943,"⠀⠀⠀⠀Daisy, ni idea de como llegó aquí http",2.0,Spanish
+1944,Otro foco de contagio: las largas colas de usuarios que esperan atención en el Saime de Los Ruices (Video). http,1.0,Spanish
+1945,@user Pq tenemos el mismo novio,3.25,Spanish
+1946,"@user @user @NetflixLAT Jajaja más vale que no nos traiciones, si o si la vemos juntos.",2.0,Spanish
+1947,@user Lo veo más interesado en el skyline.,1.4,Spanish
+1948,"5 meses si mi hermano, el tiempo pasa bastante rápido pero duele y cala hasta los huesos 😔😔",4.6,Spanish
+1949,estoy muy orgullosa de todo lo que he madurado y me he dado cuenta de lo que no merezco más,4.0,Spanish
+1950,@PalomaValenciaL @user Se acabo la autoridad q nos respalda y protege Estamos en manos de vandalos,1.75,Spanish
+1951,mentira no tengo una vida lo del stream es verdad pero posta vayan a comerse un arbol,2.4,Spanish
+1952,@user Cosas como esa no pasan en mi sala 🤦🏻‍♂️,2.8,Spanish
+1953,Quiero un boli de wuolah para que me dé suerte en los exámenes 🥺,2.0,Spanish
+1954,como se pica la gente con lo de los signos no puedo JAJAJAJJAJAJJWKWKWLWKWKWLWJKQJWJWKWKWKBWS,2.4,Spanish
+1955,@user Yo la estoy viendo en yutu porque en Netflix no trae bueno el soundtrack.,1.0,Spanish
+1956,hermano estoy a punto d ultearte deja d tentarme http,3.25,Spanish
+1957,😢😢😢 Es triste pero como dice Gatell que nada más queremos estar desviando la atención del tema. http,1.75,Spanish
+1958,Esto de verdad es inaudito... ¿y la música? #oscars #oscarssoboring,1.2,Spanish
+1959,"Inocentes, no lo siguiente: Tontorrones",1.0,Spanish
+1960,@rmapalacios Que irresponsable! Cuando dejaremos de pelear entre peruanos,1.8,Spanish
+1961,Cortometraje A CIEGAS ❤️ ¡Estamos en la final! http,1.4,Spanish
+1962,Tocó abrir un Only (?) para pagar los módulos.,3.75,Spanish
+1963,Participa Presidente Cubano @DiazCanelB de manera virtual en reunión del Consejo Supremo Económico http,1.0,Spanish
+1964,@mtmad La intriga hasta el dia en el aeropuerto 😌😍,2.4,Spanish
+1965,@user @user @user @user @user si soy esa guapa sígueme q se q lo estás deseando,3.25,Spanish
+1966,me ha costado mucho estar donde estoy emocionalmente pero que rico se siente ♥️,3.6,Spanish
+1967,@ELTIEMPO Judicialización inmediata por el presunto delito de propagación de epidemia,1.2,Spanish
+1968,"Por lo visto, sin plata no sos amigo de nadie 🤪",2.5,Spanish
+1969,Ahora no vá a hacer más tiempo Andrada.,1.6,Spanish
+1970,@user Buenas noches Nela hasta mañana,2.4,Spanish
+1971,Jorrrr hoy se Bebe??,2.6,Spanish
+1972,"@user Honestamente yo no sé ni qué pensar, sólo me da meyo",1.25,Spanish
+1973,"che no me ignoren, cuantos años tienen?¿",1.75,Spanish
+1974,el fact d q kat stratford tiene scorpio vibes es solo otro motivo más para querer a los scorpio,2.0,Spanish
+1975,Me acabo de dar cuenta q a mi si me pueden dedicar la de deja vu🥲,3.0,Spanish
+1976,@user qn pudiera,1.0,Spanish
+1977,Acción y evaluación - Mujeres en la Ciencia y la ingeniería. #SERVICIOSOCIALUNADISTAENCASA @user http,1.0,Spanish
+1978,@user los fanarts son demasiado hermosos me terminaron lavando el cerebro 😩😩,2.8,Spanish
+1979,@user Todo bien bestie solo estoy emocionadaaaa,3.2,Spanish
+1980,@user Las 2 mientras haya pasión explosiva todo bien,3.2,Spanish
+1981,@user saludos tambien soy de valle de chalco,1.75,Spanish
+1982,A las unica mujeres que le tengo miedo son 1: A mi Mamá 2: A las que crecieron viendo puca 🤷🏽‍♂️,1.8,Spanish
+1983,Tengo sentimientos encontrados que no sabía que buscaba.,4.0,Spanish
+1984,"Wn dejen disfrutar las fotos en paz, Las fotos no son de ss, Son de fansites que no es nada que ver",3.0,Spanish
+1985,@user 🤠🤠🤠,1.0,Spanish
+1986,@user y yo no tengo poto soy un viejo pelado,2.8,Spanish
+1987,Dice que está de acuerdo con el paro pero que le da miedo que me pase algo😭😭,3.4,Spanish
+1988,hoy es de esos días que no me soporto ni yo misma,4.0,Spanish
+1989,Y bue ya hay que acostumbrarse 🤷🏻‍♂️,2.25,Spanish
+1990,"@user Abrís obs y te pones a hablar, te buscas algunas noticias y tenes los temas, el restó es ir agarrando la mano",1.75,Spanish
+1991,@user Buenos días 😉,1.6,Spanish
+1992,Ya no voy a salir gn,3.25,Spanish
+1993,me dormí con los pupilentes sufro,2.75,Spanish
+1994,llegué al fin 🙏🙏 me voy a dormir,2.25,Spanish
+1995,"@user sí, pero ojo amix no le digas nada por que ella es mala y edgy 😔😥",2.75,Spanish
+1996,"🔔 Los Simpsons, los Minions: ¿Por qué son amarillos?... http",1.0,Spanish
+1997,mi niña no se cansa de dar la cara por esta familia,3.0,Spanish
+1998,@user Jajajajajajaja pero esos temas son interesantes me gusta la gastronomía y bueno PS que se puede decir del sexo,2.8,Spanish
+1999,@user @user Yo también vi algo así. Tremendo.,1.6,Spanish
+2000,@user Que lindoooo disfruta muchísimo,2.75,Spanish
+2001,Se te olvidó que tú y yo nos dimos un beso después de habernos despedido,4.2,Spanish
+2002,Quiero volver al momento en el que nos peleábamos porque PPK hizo una sesión de entrenamiento en Palacio. http,1.6,Spanish
+2003,@user ¿estás bien nenita?,3.0,Spanish
+2004,diciembre http,1.0,Spanish
+2005,@user Quiero 🤤,3.0,Spanish
+2006,"@user Totalmente. Igual, si algún día podés leer los libros, hacelo.",2.0,Spanish
+2007,Recordad que si los Señoros os ponen de estereotipo negativo de vuestro colectivo es que estáis haciéndoles pupa.,2.4,Spanish
+2008,"@user JAJAJAJA gracias anónimo, es de mis canciones favoritas🥺❤",2.0,Spanish
+2009,@user hermoso cuerpo,4.2,Spanish
+2010,Hay gente que deja el micrófono abierto y parece que trabajaran al lado de una licuadora prendida.,2.2,Spanish
+2011,@user Huevos,1.75,Spanish
+2012,@user El tema es q los q están NO DEJANDO JUGAR son las autoridades chilenas ... o sea haciéndonos weones nosotros mismos,1.4,Spanish
+2013,@StratCons No lo creo el Pejendente tendrá otros datos,2.0,Spanish
+2014,@user que huevada hizo,1.2,Spanish
+2015,@user @user Habría que charlar diría yo. Jeje,2.25,Spanish
+2016,@user menudo,1.0,Spanish
+2017,"@user Si, fueron Jaguares... podrían confirmar el marcador?",1.2,Spanish
+2018,¿Porqué me gusta autohumillarme?,4.0,Spanish
+2019,@user esq alamadre intimidan y ese pedo está bueno,3.0,Spanish
+2020,@user @user Completamente de acuerdo .,1.6,Spanish
+2021,"@user @user Claro, como con Piñera, el mal menor...",2.0,Spanish
+2022,si padre ya vimos que cayeron truenos cállate alv,2.6,Spanish
+2023,Soy un pedazo de mujer y nadie me va a hacer sentir lo contrario,3.25,Spanish
+2024,"@user @user No vos, no tiene nada de nada de azúcares ni nada es una total farsa...🙄",1.25,Spanish
+2025,@user Me cago en los petardos 🧨 de la madre que lo pario a él y todos los hp que estaban allí jodiendo el parto 🚨🚨🚨,4.25,Spanish
+2026,"@user Equipos grandes a nivel nacional, fuera todos somos chicos, y hay que trabajar para crecer afuera.",1.0,Spanish
+2027,"@user Casualidad yo pensando: ""Coño el Capitán no me felicitó"" y Zas!! Vi el Mensaje! 🤣✊🏼🇻🇪 ¡NOSOTROS 🇻🇪 VENCEREMOS!",1.2,Spanish
+2028,"Se esfumo como humo en el aire, y se fue de mi corazón como si no fuera nadie💔....",3.4,Spanish
+2029,@user Es cojonuda y me jodió mucho en su día que no hiciesen la 3,3.0,Spanish
+2030,"Eriksen, a sus compañeros: “Creo que están peor que yo” http",1.4,Spanish
+2031,Vivimos en un mundo tan dañado que cuando llega una persona demostrando cosas buenas creemos que no lo merecemos,2.8,Spanish
+2032,@user no sé estamos hablando pero todavía no,2.4,Spanish
+2033,@user @user Yo te quiero más ❤️,3.5,Spanish
+2034,Los jugadores que recuperaría Tigres para el partido de repechaje ante Atlas http http,1.0,Spanish
+2035,@user Ke mire para arriba por si le cae una maceta o algo. Es broma compi. Todo va a salir de lujo y vais a trabajar mucho y bien.,3.6,Spanish
+2036,Alguien que se quiera juntar conmigo? Masolo estoy :(,3.2,Spanish
+2037,Zidane cada vez que hoy ataque el Huesca. http,1.0,Spanish
+2038,Voto por Enrique Iglesias en #Gira 9 en los #LatinAMAs 2022,1.4,Spanish
+2039,@user Pero es que además fíjate. http,1.5,Spanish
+2040,Paren todo ¿Alguien escucho el poema de la señorita bustier en efímero??,2.0,Spanish
+2041,@user @user Increíble Polombia y BOBOMBIA en todo su esplendor para el mundo entero,1.25,Spanish
+2042,A por la 14 carajo!!!!,1.0,Spanish
+2043,Hoy fui ala escuela no entendo nada ingles picki inglich out escuela en cualquier momento abandono,3.0,Spanish
+2044,@user No lo sabes tú bien.....,2.0,Spanish
+2045,@user Ni la O con un canuto xD,1.25,Spanish
+2046,"Día 1 de la dieta: habian 7 chocolates en la nevera, solo me comí 1. Anotación: dejar el dulce no es tan fácil",2.4,Spanish
+2047,Espiina me ha hecho madrugar para ir a comprar churros. Empieza bien el año😴😴😴 Vosotros que tal?,1.8,Spanish
+2048,Cuatro horas de catarsis: el día que las víctimas 'okuparon' la Conferencia Episcopal http a través de @eldiarioes,1.0,Spanish
+2049,"Amor eterno a l@s amig@s que están en las buenas, en las malas, con las que podemos echar chisme pero también hablar de lo que nos duele.💘",3.8,Spanish
+2050,sufro sin razón,2.0,Spanish
+2051,@user la falda se te ve mejor 🤤🔥❤️😋,3.8,Spanish
+2052,@user Bienvenido a Bordo!!,1.25,Spanish
+2053,"Buenos días, hoy conduce el mejor piloto de la historia de este deporte. http",1.2,Spanish
+2054,🍏 “Duda de todo. Encuentra tu propia luz.” - Buda,1.2,Spanish
+2055,Más de mí ex compañero http,2.8,Spanish
+2056,@user @user Jeje qué concho mae. Pero es cierto,3.2,Spanish
+2057,@user Oleeee felicidades ❤❤ yo tengo el miércoles que viene el práctico 😬,3.2,Spanish
+2058,"Not me diciéndole “Quique” al Ingeniero que todos llaman “Henry”, jajaja 🤌🏼",2.5,Spanish
+2059,Siii mis bebés ya están bien 😭😭 @BTS_twt http,1.4,Spanish
+2060,y la que me gusta está arrunchada o tambiem chupando frío? );,3.8,Spanish
+2061,"@user Las cosas Nórdicas, ensambladas en Tierra del Fuego,pero chipeadas por la Cámpora quedan como el ort@o... http",1.0,Spanish
+2062,"extraño al de antes, tú, pero el de antes",3.8,Spanish
+2063,@RealMataLo14 Eso cabron que bueno!! Solo cambia tu foto de perfil q parece que traes playera de chivas jajajaja,2.2,Spanish
+2064,Buenos días 🌻😗 así amanecí hoy ☺️☺️ recuerden tengo mucho contenido en venta 😏 http,3.4,Spanish
+2065,Siempre que insisto me sale mal así que basta,2.8,Spanish
+2066,HILO CANAL FIESTA CRISTIna 💓 Voto por @RosaLopez para el #N1CanalFiesta9 con #SiNoTeVuelvoAver @canalfiesta @dominguezja 35,1.0,Spanish
+2067,@user Igualmente feliz año nuevo pana http,3.5,Spanish
+2068,esta para que mi novio se la juegue cn los chambuchitos de migaaa,3.333333333333333,Spanish
+2069,@AndresPastrana_ @IvanDuque @JoeBiden No es q le pida perdón a maduro progresivo q do como un culo,1.0,Spanish
+2070,🙇‍♂️ 3 enfermedades que quizás hemos olvidado gracias a las vacunas http,1.2,Spanish
+2071,Oigan habrá una posibilidad de ver a louis pero que no sea en el aeropuerto o en su hotel??,2.0,Spanish
+2072,@user @user Yo Vi un momento antes del partido en dónde se ve al entrenador de Uruguay estrechando su mano con el árbitro 👀,1.2,Spanish
+2073,"@user Muchas, muchas graciaaas, te quiero 🥺💕",4.2,Spanish
+2074,Sígueme y te sigo bebe 🔥 🔥 👥,2.4,Spanish
+2075,Exijo mucho porque soy capaz de dar el doble.,3.0,Spanish
+2076,"@user Oye me interesa tu pefil, manda DM ya que yo no puedo mandarte, para llegar a un acuerdo",2.8,Spanish
+2077,"Zavala jugadorazo pero se nota que está falto de confianza y como no, si un muerto con más rojas que goles y asistencias juega más que tu",1.4,Spanish
+2078,"""Levítico 8:6 Moisés mandó entonces que Aarón y sus hijos se acercaran y los lavó con agua. ""#Biblia http",1.0,Spanish
+2079,@user es del jewel👀,1.8,Spanish
+2080,"@user @user @AlvaroUribeVel Escucha bien, la declaración dice para complacer un gobierno, quieres más",1.2,Spanish
+2081,Y yo q ya me estaba alistando para ir 🤦🏻‍♂️ Ven porque uno a veces duda 🤦🏻‍♂️🤡,2.4,Spanish
+2082,por favor muevan el culo necesitamos más,2.4,Spanish
+2083,@user Yo ya iba a dormir JAJAJJA me quedaré esperando un rato si es que no me duermo 🛌,1.4,Spanish
+2084,@user Tamos en contacto babyyyyy ya sabes graciasss,2.8,Spanish
+2085,@user @user @user Y la otra que hizo aparte de apoyar y promover terapias de conversión,1.2,Spanish
+2086,"@user Desde luego los jóvenes, en 3-4 años han mutado... y o digo con conocimiento de causa. Ni estudian ni quieren trabajar.",1.5,Spanish
+2087,@user ¡ Que cosas !,1.2,Spanish
+2088,@user a ver si se van a tomar por culo el madrid,1.8,Spanish
+2089,"Empezamos el año por todo lo alto, y es que estamos imparables. ¡Vamos a ello! 👏👏 http",1.8,Spanish
+2090,@user Y porque culpas a AMLO de que tú mierda cerebral?,2.25,Spanish
+2091,@user @user @user @user Graaaacias por el premio de la semana pasada! Aguante ustedes y Carlos Verdini ✌💪,1.75,Spanish
+2092,Estaba pensando en escribirle casi lo mismo del año pasado pero recordé que se me olvidó 😃🔫,3.0,Spanish
+2093,Pues cojo el segundo examen ee la mañana con mi crush (es una reposición) #NotLuckyButBlessed,2.2,Spanish
+2094,eso no decía mi horoscopo,2.4,Spanish
+2095,"Este domingo, @user @user @user y @DiegoGolombek en Biblioteca iP. A las 17, por @user http",1.5,Spanish
+2096,#4Ene | Simonovis: Haré mi mejor esfuerzo para que el destino de Luisa Ortega Díaz sea de persecución y cárcel 🇻🇪 http,1.8,Spanish
+2097,91 años de ejemplo y de Victorias #RaulEsRaul #RaulPorSiempre @user http,1.2,Spanish
+2098,@user Oroz: Con chacamacfut me hice la casa,1.6666666666666667,Spanish
+2099,@user y que están 2-1 abajo.☺,1.0,Spanish
+2100,#EDLP El puntero del Grupo C va a entrenar este miércoles a las 10.00 en CB.,1.75,Spanish
+2101,@user Queres saber como termina el manga?,2.0,Spanish
+2102,A dónde se va cuando los brazos que se fueron son los únicos por los que querías ser abrazado?,3.75,Spanish
+2103,"Detalles de la 4a fecha en las categorías mayores (Divisionales A y B), sub-19 y sub-16. http http",1.0,Spanish
+2104,@user Un bombón riquísimo,3.2,Spanish
+2105,Excelente Italia solidarizándose con la clase obrera e inmigrantes de Qatar diciendo NO al Mundial.,1.75,Spanish
+2106,@user Vamos jorge así con animo 💪,1.8,Spanish
+2107,@user Calla delincuente,1.2,Spanish
+2108,"Saludos para tod@s, feliz 2022,qué éste nuevo año sea de reflexión.",2.25,Spanish
+2109,Hoy amanecimos con toda las buenas vibras a vender mi ropa.😎,1.25,Spanish
+2110,"@user es el más feo de los tres, el de chocolate gana",2.6,Spanish
+2111,no soy capaz de escribirle a nadie estando borracha sjsjjssj,3.0,Spanish
+2112,@user Gm igualmente,1.5,Spanish
+2113,Vendo mi alma por el concierto de DY pero voy de todas formas,3.0,Spanish
+2114,@user ahora*,1.0,Spanish
+2115,"Díganle a mi ex q no sea rata, q me devuelva mi celular y mi pasaporte:/",4.6,Spanish
+2116,@user Otras dos editoriales con monólogos de humoristas. Se están pasando.,1.2,Spanish
+2117,Que las cosas se sientan diferentes y de otra manera es todo lo q esta bien :),3.4,Spanish
+2118,@user No compita con nadie …,1.4,Spanish
+2119,"wn yo dándole fav los tuits a alguien como tonta pero me dio unf, F",3.2,Spanish
+2120,Estos son los 10 podcast más escuchados de Spotify Uruguay este día http,1.0,Spanish
+2121,"Como vas a poner la excusa de las lesiones y el doping para irte, si fue el club quien te banco más",2.5,Spanish
+2122,Aquí estuvieras quitandome el sueño pero te freseas 🥵 http,4.2,Spanish
+2123,@user suena más tentador que me atropellen,2.75,Spanish
+2124,"@user vamos a ulises, un baile como la gente",2.0,Spanish
+2125,@user Muchas gracias bebe te quiero muchísimo ✨🥰,4.0,Spanish
+2126,El Manchester City perdiendo tiempo en el Metropolitano. Gracias Diego Pablo Simeone. Gracias Atleti.,1.0,Spanish
+2127,@user @user @user eso mucha respuesta y poco tuit,1.6,Spanish
+2128,@user Calle y deme un poco de su don para centrarse en una sola historia XD,2.2,Spanish
+2129,Es que me sentí como si tuviera expectativas puestas en mi de que le diera nietos. Y NO VA A PASAR. No pienso convertirme en una criadora.,4.6,Spanish
+2130,@user te amo tienes toda la razón del mundo,3.6,Spanish
+2131,"@user Prostitución, pornografía y fuegos artificiales, he leído por ahí.",1.75,Spanish
+2132,En la biblia lo decía “NACIÓN CONTRA NACIÓN” terrible lo que está pasando 💔,1.4,Spanish
+2133,"@user @user Con la presencia del APRA, esa marcha ya no tiene legitimidad, peor si pagan 😑😑😑",1.2,Spanish
+2134,@user Qué mujer hermosa que sos Viviana. Por como sos y por como pensás. Saludos y cariño desde Uruguay,3.0,Spanish
+2135,"No me hace falta llenar vacíos con gente, yo sé estar sola.",2.6,Spanish
+2136,@user @user A ver si vuelve 🙄🙄,2.8,Spanish
+2137,@user No es culpa mía que no maneje los esfínteres jajaja.,2.6,Spanish
+2138,Desde el año pasado que no como ☹️,3.0,Spanish
+2139,"@user @user @user @user Les compré una sola vez, con la experiencia fue suficiente.",2.4,Spanish
+2140,@user es normal que la gente no educada estrictamente en ese ambito se comunique con estilistas,1.4,Spanish
+2141,"Ignoro por que cayó Spotify, pero sí sé por qué cayó Discord: Lo tiré yo harto de que le funcionase a todo el mundo de maravilla menos a mí.",1.0,Spanish
+2142,@user Muchos a Truth y él lo sabe. http,1.75,Spanish
+2143,"@user @IKEASpain Jooooder,llevo tiempo pensando en pillar una, pero viendo esto y a otra gente que le ha pasado paso🤣",3.4,Spanish
+2144,nadie: un reventao a las 7 de la mañana: http,2.0,Spanish
+2145,@user @user Aquí te espero 😚,3.8,Spanish
+2146,@user @user sabes q piensolo mismo q vos con 16 años pueden ir a votar pero si hacen un delito no van presos,1.6,Spanish
+2147,@user Feliz Cumpleaños 🎂 Y que sean muchos más,2.8,Spanish
+2148,Todo era más fácil cuando fingía q quería ser deportista,1.8,Spanish
+2149,Y vaya que tengo muchos... 🍃🖖,2.0,Spanish
+2150,@user ole oleee un día de estos jugamos y le hacemos fotos a tu shogun con mi yae 👩‍❤️‍💋‍👩,3.4,Spanish
+2151,Hoy,1.0,Spanish
+2152,Se me parte la cabeza diosss,1.8,Spanish
+2153,@user Con estos números Tinelli no vuelve ni en agosto 😬,1.25,Spanish
+2154,@user Llevame con vos mejorr🥺,2.6,Spanish
+2155,Si no regreso en una hora me morí,3.0,Spanish
+2156,"@user @user no irónicamente les harías un favor poniendo un c4 en ese ""estadio""",1.4,Spanish
+2157,@user Me juego un huevo y no lo pierdo a que es podemita.,1.5,Spanish
+2158,"Me dijiste que me darías una de las mejores cogidas de mi vida! Déjame decirte que no fue de las mejores, fue LA MEJOR!! 🔥🔥🔥",5.0,Spanish
+2159,"Parce he cambiado tanto que me emputa que me digan; ay pero si antes hacías eso, antes hacías lo otro 😤 chupenlo",4.0,Spanish
+2160,"Tengo depresión post concierto, déjenme sola",2.0,Spanish
+2161,"Mi Mafercita me dijo que soy pura luz y con ese comentario me hizo muy, pero muy feliz 🥺✨",3.6,Spanish
+2162,Gobierno trás Gobierno y seguimos en las mismas. #YoVotoPetroPresidente http,1.2,Spanish
+2163,Para qué hijueputas,2.0,Spanish
+2164,Quizá llevabas razón.,2.2,Spanish
+2165,@user te voy a seguir 🤝,1.2,Spanish
+2166,@user Ahora si a lo que mejor sabe hacer: Business in the USA,1.0,Spanish
+2167,hey el día esta bien caliente cómo yo 😈🙈💴 http,4.4,Spanish
+2168,"""La vida es puta como en un guión escrito por los Coen, asuntos turbios como en el golfo de Yemen, oculto y sofisticado como un haiku""",2.2,Spanish
+2169,Lo único que me gusta de venir a SLP es cuando me voy,3.6,Spanish
+2170,hazte caso cuando algo no te vibra.,1.6,Spanish
+2171,@todonoticias Para que se sacan el barbijo,1.6,Spanish
+2172,@user Solo quiero ser feliz por un breve instante,3.4,Spanish
+2173,@user Felicidades. Nobleza italiana en las pampas.,1.6,Spanish
+2174,0 dignidad.,2.8,Spanish
+2175,"@user @user Listo, RT y Fav, y ahora qué? Dónde los consigo?",1.8,Spanish
+2176,@user A quién no les gusta ese tipo de almohadas? Hasta relleno extra tienen 🥰,3.25,Spanish
+2177,@user Voy,2.2,Spanish
+2178,@user ups le faltó uno😛,1.4,Spanish
+2179,"@user Cederá lo que le mande el ""Emperador"". Lee las declaraciones de M. Otero Novas.",1.0,Spanish
+2180,@user @user Yo esperaba como aczino pero me lesioné la rodilla 🥲🔪,1.2,Spanish
+2181,"mis compañeros tienen tw, q miedo",2.4,Spanish
+2182,@user Y menos si las llevas tu! 🔥🔥🔥,3.25,Spanish
+2183,"/ una preguntita, @user",1.25,Spanish
+2184,dámelo a mi 😁-🦭,2.75,Spanish
+2185,Los nuevos socios de Petro del partido liberal. Que incoherencia y populismo. Miren la joya http,1.2,Spanish
+2186,"Me gusto como salieron mis pechos, espero a ti igual :3 🤍 http",4.8,Spanish
+2187,@user Me desespera ver que soy el único preocupado por eso en el mundo. No hay nada en todo internet.,1.8,Spanish
+2188,¿Cómo escribes personajes mujeres siendo hombre? @user autor de CÓMICS MEXICANOS responde. http,1.6,Spanish
+2189,@user @PedroCastilloTe Hasta que te funcionó el cerebro ...,2.0,Spanish
+2190,"@user Poco y nada, heredé todo de mi abuela paterna. Soy una versión más joven de ella. Salí ganando en todos los rubros 🤣😂🤣",3.4,Spanish
+2191,🍁 Verdadero o Falso❓ ➽ Todas las termitas del mundo juntas pesan 10 veces mas que todos los humanos juntos. 🐜⚖️👬,1.0,Spanish
+2192,@user No tengo su número,2.6,Spanish
+2193,@user En DM me hice las 40 kills corriendo con Vandal. Sigue estando igual,1.0,Spanish
+2194,@user las dos,1.0,Spanish
+2195,@user Este señor va a hacer el Versus XIII sí o sí.,1.2,Spanish
+2196,q vergüenza como m trataban y yo quería seguir ahí,3.8,Spanish
+2197,Cuando le escribo al tóxico y me deja en leído: http,2.5,Spanish
+2198,"@user Jajaja más pendejos estos chilenos, aplaudiendo semejante estupidez",2.6,Spanish
+2199,q paja sobrepensar esto,3.0,Spanish
+2200,@user Hola,1.8,Spanish
+2201,Amo como ama el amor. No conozco otra razón para amar que amarte. ¿Qué quieres que te diga además de que te amo? Fernando Pessoa,3.0,Spanish
+2202,el romance no es mi área,2.8,Spanish
+2203,@user Que vuelva el feminismo radical,1.4,Spanish
+2204,[4/1 21:27] : tenés que pensar en vos [4/1 21:27] : no está mal ser egoísta algunas veces,2.6,Spanish
+2205,Olv se puso intenso los oscars,1.2,Spanish
+2206,@user No la finalidad es crear el caos.,1.8,Spanish
+2207,@user Creo que sí estamos hablando de lo mismo jajaa,2.0,Spanish
+2208,Tengo miedo pero... FONZI TIENE AGUANTE!!! #MasterChefArgentina,1.8,Spanish
+2209,@user ¿me etiquetas porfa?,2.8,Spanish
+2210,Por fin es hoy!!!,1.6,Spanish
+2211,@Cooperativa @user Por esa zona está Dominga? Es una señal de la madre tierra🙏,1.6,Spanish
+2212,"Pol de 5, conducción. Es por ahí.",1.0,Spanish
+2213,Buenas @user propongo y quiero escuchar Levantaremos al Sol de Álvaro de Luna en las #FavoritasLacyberadio #YoEscuchoLacyberadio 63,1.0,Spanish
+2214,"@user De lo mejorcito que hay, con crema de Orujo también funciona",1.6,Spanish
+2215,@user Pregunto****,1.0,Spanish
+2216,Después de un año volví a trabajar de noche en el bar! Nunca más jajajajaja me liquidaron,3.6,Spanish
+2217,"no era lo mejor para los dos, era lo mejor para mi",3.2,Spanish
+2218,Aveces las personas ven el error en los demás pero no en ellos mismos 🙃,2.25,Spanish
+2219,"@user Con torrijas de mi madre, en realidad.",1.4,Spanish
+2220,Bueno a buscar un anime para la cuaresma.,2.0,Spanish
+2221,@user Es buenísimo 😂😂😂😂,2.0,Spanish
+2222,"@user El Pekka, pero sin dudarlo.",1.5,Spanish
+2223,@user Que pendeja persona. ¿Y donde preferirías vivi?? En un lugar en cuba o en EU. Es para una tarea.,1.8,Spanish
+2224,"ya me voy a mimir,ojalá no despierte 😭",4.25,Spanish
+2225,extraño mucho a mis amigos,3.8,Spanish
+2226,@user Muy buenas fotos 🥰🥰🥰,2.6,Spanish
+2227,"@user @PAN_CDMX Muy lejos de los 30 millones de 2018, dentro de los 15 millones que ya no votaron, estoy yo",1.0,Spanish
+2228,vivimos esperando que reaccione primero el otro,2.0,Spanish
+2229,@user Me dejó verlo,2.25,Spanish
+2230,@user Madre bajón en el centro de Caracas!!!,2.0,Spanish
+2231,"Pa mi hay que hacer la cuarentena en la casa del que tenga piscina, el whisky lo llevo no hay drama",2.0,Spanish
+2232,"es la más preciosa, la amo http",3.2,Spanish
+2233,Dale ahí escucho por 8 minutos a un pelado 💤,2.0,Spanish
+2234,¿Que si estoy cachondo? Siempre.,4.8,Spanish
+2235,@user Puedo ser tu asistente si quieres,2.8,Spanish
+2236,@user El dinero papel sigue siendo una reserva de libertad individual aunque le duela a la UTDT y al partido socialista europeo.,1.0,Spanish
+2237,que mal m siento,3.8,Spanish
+2238,¿Me explican porqué tengo que usar tapa para hacerme hasta un simple buebito? Hablo en serio.,1.25,Spanish
+2239,@user sal d ahí bonita 🙏🏻,3.4,Spanish
+2240,de que lado estoy ? ni idea gordi yo me hago un cafecito y entro a twitter a disfrutar como se bardean entre todos,2.6,Spanish
+2241,"No se si me caga más la gente que escribe ""güey"" o los pendejos que escriben ""Méjico""",1.8,Spanish
+2242,"@user Buenos días guapa, que tengas un hermoso y brillante Miércoles. Besitos y abrazos guapa. http",3.2,Spanish
+2243,Al fin tengo trabajo y estoy bien happy 🥹🫶🏽,3.0,Spanish
+2244,@jotajordi13 @jotajordi13 supongo que le sumarás esa asistencia a Pedri 🤡🤡🤡🤡,2.5,Spanish
+2245,@user 🍼🍼,1.25,Spanish
+2246,@user En mi ciudad mañana también,1.4,Spanish
+2247,"@Jonatan_Pena Cómo estás Jonatan te conocí en Philadelphia , trabajé como jefe operativo en Querétaro me gustaría hablar",4.5,Spanish
+2248,@user de todas un poco,1.4,Spanish
+2249,"@user @user @user @user @user @user Un capo, una buena persona! Así los quiero.",3.4,Spanish
+2250,@user Ud no solo tiene cara de weon si no que es aweonao !!!!!,2.2,Spanish
+2251,no t imaginas cuánto t quiero ni cuánto me odio x hacerlo,4.0,Spanish
+2252,La policía británica entregó a la embajada argentina el DNI de un veterano de Malvinas http http,1.0,Spanish
+2253,@user Buenos días Yolanda feliz año 😘😘,3.75,Spanish
+2254,@user salven a los civiles de Ucrania #Peace4Ukraine d,1.0,Spanish
+2255,"Tuitis, hay alguna forma de reducir el tamaño de las fotos que tengo en el móvil sin bajarme una app para hacer esto mismo? Tengo un Huawei.",1.6,Spanish
+2256,@user Es hermoso. 💜,2.8,Spanish
+2257,cool y pretty please son las mejores canciones del mundo entre otras muchas &lt;3 @user,2.6,Spanish
+2258,Están pasando cositas interesantes en Telegram. 🤩🤩,2.4,Spanish
+2259,@user @user ¿Quién podría tener el interés para interponer semejante amparo?,2.2,Spanish
+2260,Qué pasó muchachos se equivocaron hoy con los parlantes que están sonando las canciones de la 12? Ya es muy evidente hermano 🤣,2.8,Spanish
+2261,Logra FGEO sentencia histórica de 45 años de prisión contra agresor sexual de una menor de edad de la Cuenca http,2.2,Spanish
+2262,cabrón mi yo de hace 4 años estaría tan orgulloso de mí que estoy aquí llorando pensando en eso nada más,4.2,Spanish
+2263,La diputada Andrea Chávez no es más bruta porque no es más grande patética está pobre vieja,1.6,Spanish
+2264,"@user @user JAJJAJAJAJAAJJA las que seamos no importa, hay más invitados JAJAJAJAJA",2.8,Spanish
+2265,La que me pone las uñas siempre me hace cosas chidas 🥺❤️ http,2.6,Spanish
+2266,@user @user Felicidades Codochile! Espero que la pases bien campeon!! Un abrazo.,2.8,Spanish
+2267,@user Lo triste es quedarse sin partido por el que presentarse y ser la culpable de su demolición.,1.5,Spanish
+2268,@user X2 pero para que me coja 😂🧡,4.4,Spanish
+2269,Siempre subían algo cada terminar concierto juntos es que los extraño http,3.25,Spanish
+2270,"@user Al telf a mi me dicen lo mismo, cuando cuelgo ya vuelvo a ser la niña del exorcista",1.2,Spanish
+2271,@user Podrias haberlo perdido y que luego tu madre te mandase como se lo hizo en 3 intentos,3.0,Spanish
+2272,@user Están siendo muy locas el 95% de las respuestas… 😅😅,1.2,Spanish
+2273,Cada vez reafirmo mi teoría de que si querés que algo salga bien tenes que hacerlo vos mismo,2.6,Spanish
+2274,@user Lo estarás.,1.4,Spanish
+2275,"@AntonioAttolini @user Te pintas solo, no solo eres una agarra bolas sino también las chupas",3.6,Spanish
+2276,@user Tienes una nueva notificación del servicio (C-3),1.0,Spanish
+2277,Tú me mientes en la cara y yo me vuelvo ciego,3.5,Spanish
+2278,El parlamento abierto fue un ejercicio útil para escuchar especialistas y ciudadanos. De ello derivó la propuesta de Va x México.,1.0,Spanish
+2279,"No soy la más linda,ni tengo el mejor cuerpo, pero soy esa mina que va estar apoyándote en todas siempre.",3.2,Spanish
+2280,@user @user desde que nací,1.2,Spanish
+2281,A lo bien... La que siempre estuvo rodeada de bandidos fue Teodora... http,2.0,Spanish
+2282,@user Súper sarcástico y la gente ni lo coge,2.4,Spanish
+2283,Creo que en lo que agarro cuerpo para OnlyFans😬😅🥵 comenzaré con fotos de patas...🤭😏🤪😎🦶🦶,3.6,Spanish
+2284,@user @Pajaropolitico 2. Se podria hacer una peticion en http,1.0,Spanish
+2285,¡Me encantan! http,1.2,Spanish
+2286,☀️ El origen del Día del Padre y cómo se celebra en otros países... http,1.0,Spanish
+2287,Chavismo pide reconocimiento para retomar intercambios petroleros con EEUU http #NoticiasdelDía http,1.0,Spanish
+2288,@user @user @user Van a superar a las Candem y los hijos de los Elbar en gilipolleces,1.4,Spanish
+2289,@user @user Tenía 2 años recién.,2.5,Spanish
+2290,"@AngeldebritoOk Hace tiempo que estás derrapando, Vernaci....",3.0,Spanish
+2291,"- Oye, te mando saludar Frida. - ¿Cuál Frida? - La que te da una mordida. http",3.5,Spanish
+2292,@user @user @user Pensar esta bien depende en que sobrepensar siempre esta mal,1.75,Spanish
+2293,hay,1.0,Spanish
+2294,Soy la otra y me da celas JAJAJAJA wtf ?,4.2,Spanish
+2295,"@user re genial, no sabía de la existencia de esa cuenta help",1.25,Spanish
+2296,@BrunoPont Inédito comoite pa le gusta el vyrorei,1.75,Spanish
+2297,Me importa una hectárea de pingüinos con el pico afuera lo que pase con la #ConvencionConstitucional Sigan ganando Plata EASY!,1.6,Spanish
+2298,Necesidad de tu espíritu y tu presencia ❤️‍🔥🙏🏻,3.5,Spanish
+2299,Este año creo que fui la preferida de Dios❤️❤️❤️❤️,2.8,Spanish
+2300,odio Aleks pero esta satisfacción me mantiene ahí http,2.5,Spanish
+2301,@user Tengo que avanzar más de momento lo único que he hecho es llevarla con su hermana,3.4,Spanish
+2302,te extraño pero no te hablo ni en pedo,3.6,Spanish
+2303,@user Depedida (Goodbye) 2021 The Blue Bus y su edición de despedida del año 2021! http,1.6,Spanish
+2304,"Xavi habla de Dembélé: “Él debería hacer un esfuerzo y pensar en su futuro, que creo que está en el Barça"".",1.0,Spanish
+2305,@user Princesa más hermosa,3.0,Spanish
+2306,Cuando voy a entender que no todos actuarían de la misma manera que yo 😥,3.4,Spanish
+2307,@user Que necesitas?,1.0,Spanish
+2308,@user Brutos no son; no vuelan porque le temen a los cables de alta tensión. Todo fríamente calculado.,1.8,Spanish
+2309,"@user @user @user @IdiazAyuso Isabel, por favor, apoya a los más necesitados.",1.5,Spanish
+2310,Falleció nicaragüense embarazada que viajaba en contenedor del tráiler asegurado en Monclova http,1.75,Spanish
+2311,#VolvióSábadoSigoChilenosQue despertaron muy bien acompañados 😊🐈♥️ http,2.4,Spanish
+2312,Necesito moots que me den bola y un abrazo porque esa carta me dejo sencible,2.6,Spanish
+2313,ACABA DE LLEGAR VISITA INESPERADA A MI CASA LPM,3.0,Spanish
+2314,Hacerse la víctima y hacer como que esta todo bien . Diez estrellas 🌟,2.6,Spanish
+2315,@user Jaja si se ve pero las apariencias engañan jajaj 😜😅na te creas ahí cuando quieras le damos ✌️,3.0,Spanish
+2316,El cumpleaños empezó hace 25 minutos y sigo en mi pueblo y con el regalo sin comprar🙃,3.4,Spanish
+2317,Hoy es un buen día para recordar la corrupción del #ViejoChillon y de su hijo #JoseRamonLopezBeltran18 http,1.75,Spanish
+2318,@user pues pq lo sé,1.4,Spanish
+2319,🔔 Las buenas relaciones de pareja tienen este poderoso ingrediente http,1.6,Spanish
+2320,@user 2019 subió 30 pesos el transporte y quemaron Chile... Donde esta la primera línea,1.2,Spanish
+2321,"@user Yo viendo esto ""hace 20 horas""🫠",2.0,Spanish
+2322,fue mucho para Sancar 😭 ElErrorDeSancar #EmbajadorNova30Abr #EnginAkyürek #SancarEfeoğlu,1.0,Spanish
+2323,"Quiero que sepas que no te odio y nunca lo haré, ya que hacerlo significaría sentir algo por ti…",3.4,Spanish
+2324,Que juega,1.0,Spanish
+2325,“me apetece jugar a algo diferente” acaba jugando al fnaf,1.4,Spanish
+2326,"Si tienes que disculparte con un transo por tener útero, no es transfobia, es misoginia.",2.0,Spanish
+2327,Infame el penal que le acaban de regalar a Millonarios... me sentí como si Gacha estuviera vivo... infame dd verdad,1.0,Spanish
+2328,🍏 ¿Verdad o mito? Descubre qué se siente al dejar de fumar... http,1.0,Spanish
+2329,No me habla nadie ni de onda,2.0,Spanish
+2330,@user Jajajajajaja quién para sacarle la chu,2.5,Spanish
+2331,@user Tienes una nueva notificación del servicio (C-4b),1.0,Spanish
+2332,@user Metete loca fue sin querer corre 😹,2.4,Spanish
+2333,"Muchísimas gracias por todo a esas personas que me apoyaron y escucharon, espero todos tengan un increíble año💘",2.25,Spanish
+2334,¡Abajo el Bloqueo de #Cuba y #Venezuela! #InjusticiaYankee http,1.4,Spanish
+2335,"@jordiPuignero Sabías que alguien lo haría, ¿no? http",2.25,Spanish
+2336,"@user JFJSKAJDJAJDJ si pasa, pero algunos factores lo hacen volver /nojao",2.25,Spanish
+2337,Amiguita pero todos esos chistes tuyos son con que te transfieran,2.25,Spanish
+2338,que lindo es que te amen y te cuiden,3.0,Spanish
+2339,Que tu hijo te acompañe orgulloso y se cante las canciones de tu vida contigo como me está pasando. Es deseo.,3.4,Spanish
+2340,Necesito que ya sea 3 de Junio para gritar Walls desde el fondo de mi alma hasta quedarme sin voz,2.2,Spanish
+2341,"@user No la tengo (en Holanda no hay HBO, se supongo que llega este año)",1.4,Spanish
+2342,¡Nos vamos el miércoles por la mañana y volvemos el domingo por la tarde! Prepárense.,2.2,Spanish
+2343,@user Se muy feliz 😀,1.5,Spanish
+2344,"@user Gracias, Cristina!! Bonito día.",2.0,Spanish
+2345,@user Siiii todo el día kpe 😂😂😂😂,2.5,Spanish
+2346,La exageración de Lissa jajajaja muy buena actriz eh #ElHotelDeLosFamosos http,1.2,Spanish
+2347,"¡""China"" de Anuel AA ocupa el primer puesto en Billboard! http",1.0,Spanish
+2348,@user Struff es tremendo jugadorazo. Lastima que sea tan irregular.,1.2,Spanish
+2349,Cuánto se lamentaran ahora el penal fallado x Garcés en el partido anterior hasta ahora la definición sería los penales.,1.25,Spanish
+2350,los amigos son amigos para siempre y por siempre http,2.4,Spanish
+2351,Buenos y peludos días🔥😎🍆😍 #Activos #machocaliente @user http,4.8,Spanish
+2352,@user Te la mando por dm :),2.8,Spanish
+2353,Que Pamela Jiles le ponga bueno junto a los demás políticos por el #5toRetiro http,1.75,Spanish
+2354,No me inviten a salir mas xq lo único q quiero es quedarme tapado hasta la nariz viendo una película con una q no mienta tanto nada más,4.0,Spanish
+2355,#RepúblicaAdelante Por una España libre de Borbones que no están parasitando.,2.0,Spanish
+2356,@user @user Y que te esperabas? Es lo que tiene pactar con la derecha suave!!!,1.8,Spanish
+2357,@user k vaya todo genial tia,2.75,Spanish
+2358,"No tiene ningún plan, no?",1.2,Spanish
+2359,A beber otra vez se ha dicho,2.8,Spanish
+2360,Esto es llorando y trabajando.,3.0,Spanish
+2361,@user Las dos perras más guapas de España 💕,3.0,Spanish
+2362,Todos los cuerpos son bonitos ....,2.4,Spanish
+2363,Wow con lo fregón que es mi novio🤩🤩❤️,2.8,Spanish
+2364,Hoy solo se puede comer pescado y pan porque sino te vas a transformar en el chupacabras.,1.4,Spanish
+2365,A veces es mejor quedarse callada,2.8,Spanish
+2366,perdonen mi poder interpretativo no funciona a esta hora de la noche,1.8,Spanish
+2367,@biobio Tendría que ver esa rendición........ya no se les cree nada a estas payasas retrazadas....,2.2,Spanish
+2368,unas ganas de que me caiga una herencia millonaria o de ganar el quini así salgo todo el finde largo o en su defecto me compro ropa :(,2.4,Spanish
+2369,"Que se puede esperar de éste operador de MM y el poder,el hijo de Maurito es un carancho!! http",1.6,Spanish
+2370,"¿Qué os van a traer los reyes? A mí cada año lo único que me regalan es más traumas, decepciones y problemas",4.0,Spanish
+2371,"@user El placer de leer, no me refería al placer sexual, limitado.",2.4,Spanish
+2372,@user A mí la zona del omóplato derecho me destrozó y el resto fue bastante llevadero,2.25,Spanish
+2373,No se si estoy viviendo o esperando nomas ya la hora para verle jugar a Olimpia 😩🤍🖤,1.8,Spanish
+2374,Alguien duo? obv alguien que conozca,2.4,Spanish
+2375,por un 2022 donde no se le ruega a ✨ nadie ✨,2.2,Spanish
+2376,Estar acostumbrado no es estar bien.,2.2,Spanish
+2377,Pensé que me querías,3.6,Spanish
+2378,@KimberlyLoaiza_ piensan hacer otro concierto acá en CDMX??,1.0,Spanish
+2379,"Confesión #8425: Jurao que I got no game, If I flirt con una nena soy creepy y si soy nice then im just a friend. Que hago?",4.0,Spanish
+2380,A río revuelto. http @_infoLibre (con ayuda de @user y @user,1.75,Spanish
+2381,@user Voto por Pabllo Vittar en #ArtistaSocial en los #LatinAMAs 2022,1.2,Spanish
+2382,@user En ese momento no xd,1.2,Spanish
+2383,Un nuevo vídeo muestra su reacción durante el incidente 😬 #JadaPinkett http,1.0,Spanish
+2384,@user Eres full healer ♡♡♡ con algo de Mage porque haces ilustraciones envidiables ;;,2.333333333333333,Spanish
+2385,Estoy con la misión de RENE: http,1.0,Spanish
+2386,@user perdón,2.0,Spanish
+2387,Dios mio yo al Fede lo amo pero que tipo celoso ojalá se consiga novia pronto,3.2,Spanish
+2388,P3. Las pastillas de yapa se q las tengo harta,2.0,Spanish
+2389,@user jajaja que bueno.,1.0,Spanish
+2390,@user Buenos días Anabell.,1.0,Spanish
+2391,Mi novio es tan precioso 😍💚,2.6,Spanish
+2392,"Peras al vino, un postre muy clásico que no pasa de moda http",1.0,Spanish
+2393,no sé porqué le damos tanto aplauso al pasado,1.8,Spanish
+2394,Volví después de un tiempo!! http,1.25,Spanish
+2395,que asco los besos,3.0,Spanish
+2396,"Les mando otra parte del mañanero que me dio George, que rico se hace en la mesa de la cocina 🔥🔥🔥 http",4.8,Spanish
+2397,@user Gracias por compartir.,1.0,Spanish
+2398,quiero tener una date que se base en ver tik toks todo el día,3.0,Spanish
+2399,@user Tus muertos por si acaso,1.5,Spanish
+2400,quiero ir a mty,2.8,Spanish
+2401,Ganas de salir hoy...cero cash,2.4,Spanish
+2402,Con sus ZAPATILLAS Trece Voto por Deja Vu en #AlbumFavoritoPop en los #LatinAMAs 2022,1.0,Spanish
+2403,Lucas es una muy buena persona y el que piense lo contrario nos cagamos a piñas porque es la mejor persona que conocí en mi pinche vida,4.0,Spanish
+2404,"@user @user Los inmunes somos los que no tenemos miedo, investigamos mucho y sabemos cómo viene este plan.",1.4,Spanish
+2405,"@user @user Trebor te vas a convertir en tiburón con patas, siempre andas en la piscina 🙀🙀🙀 http",2.5,Spanish
+2406,@user Estas muy guapa vamos a comer,3.8,Spanish
+2407,@user En la Q2 parecía que estaban más cerca,1.4,Spanish
+2408,"Se me fueron todas las ganas de salir, que me pasa 😟",3.0,Spanish
+2409,@villalobossebas y volvemos a la normalidad,1.25,Spanish
+2410,"@user Todos vamos a ir, te verás hermosa, la vas a pasar bien bonito❤️",3.0,Spanish
+2411,mucha gente se fue con el año,2.4,Spanish
+2412,Tania con Alejandro tal para cual ... Son iguales de tóxicos los 2 #ConexionHonduras13,2.0,Spanish
+2413,@elmostrador Sanción le llaman ahora a robar 🤔,1.6,Spanish
+2414,@user Nunca hubo dudas,1.4,Spanish
+2415,Reproduciendo ahora en http Quisiera Poder Olvidarme De Ti por Luis Fonsi! Escúchalo ahora!,1.4,Spanish
+2416,@user viste q podías 😎 ni cabida a los haters,2.4,Spanish
+2417,"@user Tu vida , tus pasiones valen mucho nene , cree en ti 🤠❤️",3.2,Spanish
+2418,@user Sip. Me encantaba ese juego,2.2,Spanish
+2419,¡Qué tal esto! Cogieron de tendedero de ropa el parque Centenario de Puerto Asís http,1.2,Spanish
+2420,"¿Cuál es el juicio sobre decir: ""Yo soy Salafi""? Shaikh Saleh al-Fawzan -حفظه الله http http",2.0,Spanish
+2421,“No se queden callados y sepan que no están solos” http,1.25,Spanish
+2422,"Y aún me sigue poniendo nostálgico, el saber que ahora estás con alguien y no conmigo.",4.2,Spanish
+2423,@user Yo también tengo paranoia colectiva,2.8,Spanish
+2424,@user Ha sido sacar la tarjeta y traicionarle el subconciente,1.6,Spanish
+2425,@user El pedrito y los mellis 😶,2.0,Spanish
+2426,@user Tú haces todo bien.,2.6,Spanish
+2427,"un random me comentó ike ""futura miss Colombia en una foto"" y yo, ✨si✨",4.0,Spanish
+2428,Jodete una barbaridad equipación de porqueria PSG,1.0,Spanish
+2429,¿Mi sueño? Mi sueño es tener a Jeon Jungkook así de cerca 🥲 http,2.6,Spanish
+2430,@user Weon en mi escuela casi casi era acoso sexual lo que me hacian xd,4.2,Spanish
+2431,"Recomiendo Mendoza todo el año, pero Otoño en Mendoza es único http",1.8,Spanish
+2432,Las personas no miden la magnitud de lo destructivas que son las palabras.,2.2,Spanish
+2433,@user @LassoGuillermo Hemos pasado terremotos pandenias guerras y avanzamos pero lasso moreno en verdad nos puede retener,1.2,Spanish
+2434,@user Esto nos va a joder verdad :')?,1.8,Spanish
+2435,@user @sport El que nos dio un baño en el Camp Nou la temporada pasada y también uno al Madrid hace 2 temporadas.,1.8,Spanish
+2436,Luego de pegarme una lloradita toy ready para hacer piernas a mil!,4.25,Spanish
+2437,Cualquier tomador de agua sabe que todas las aguas tienen gustos diferentes,1.0,Spanish
+2438,Rusia muestra cómo son los helicópteros usados en la guerra de Ucrania http,1.25,Spanish
+2439,Que empiece el fin de cojedera. Empezamos con un gang Bang. Activos un paso al frente,4.6,Spanish
+2440,@user okeyyy gracias,1.2,Spanish
+2441,"lo mas random de ayer fue el leon jajaj, nardini promociona hasta donde no se lo imaginan",2.2,Spanish
+2442,la fiebre por las nubes,2.25,Spanish
+2443,@user Si de antes cantaba lindo ahora canta mejor mucho mejor diría yo no sé ustedes,1.8,Spanish
+2444,Mi plan favorito es escucharlo dormir,3.6,Spanish
+2445,lo bueno lo quiere todo el mundo por eso te ceelo,3.8,Spanish
+2446,tuve un año de mierda pero por lo menos no ví la serie de luis miguel,2.4,Spanish
+2447,"Hoy leí: Encontramos el amor cuando menos lo esperamos y nos ponemos a esperar donde menos amor hay, y cuanta razón.",2.4,Spanish
+2448,"@user @user @user si, y luego raja por detrás 😅 y se excusa con Marta y tal...",2.8,Spanish
+2449,"@user Aquí te queremos ver el martes💪 descansa unos días, pero el martes aquí 🤨",2.4,Spanish
+2450,@user Estoy casi seguro,1.0,Spanish
+2451,@user @user 😅😅😅 estaba durmiendo y lo despertó otro perrito!,2.6,Spanish
+2452,@user ya sabemos q me gustan los chinos pero los del súper WAN esos no me van😔,3.6,Spanish
+2453,@user @user @user @lopezobrador_ No se iba a quitar el nombre si faltaban medicamentos?,1.0,Spanish
+2454,@user @user @user Cuando encuentre usted mi chiringuito y mordida se la busco,3.4,Spanish
+2455,@user Una lámpara UV para esmalte de uñas? 🤔,1.4,Spanish
+2456,"Chavos, neta que lo mejor que le ha pasado a la humanidad es el quesito Oaxaca.",1.0,Spanish
+2457,No sé si cada día hace más calor o yo cada vez ando más caliente.,4.0,Spanish
+2458,"Puedo perderlo todo, y recuperarlo al día siguiente, así de capaz soy.",1.8,Spanish
+2459,Hoy se cumplen 11 años del lanzamiento de Jarvan IV y 9 años del lanzamiento de Quinn 🎈 #LeagueOfLegends http,1.0,Spanish
+2460,"por favor que esta vez enfoquen alguna peruana, acá las mexicanas son las únicas que aparecen en la pantalla grande",2.8,Spanish
+2461,"Estado: años luz,fluyo con la tierra no entenderías",1.25,Spanish
+2462,@user e estado todo el día en la clínica,2.6,Spanish
+2463,⭕ DIRECTO | Microsoft suspende las ventas de sus productos y servicios en Rusia por la invasión a Ucrania http,1.0,Spanish
+2464,A la gente siempre le gusta inventar cosas,2.0,Spanish
+2465,Valen verga todas las mujeres porqoue nomas te ilusionan y en verdad ni te quieren,4.6,Spanish
+2466,@user Y el hijo pedófilo le pelea el puesto,3.2,Spanish
+2467,@user Creo que tiene la fantasía de que un zurdo le lubrique las cañerías mientras suena la internacional,2.6,Spanish
+2468,@user Percutar ese qlo,2.4,Spanish
+2469,"@BTS_twt Gracias por estar aquí, eres tan especial.😍",4.2,Spanish
+2470,Ya estoy hora de dormir???,1.6666666666666667,Spanish
+2471,@user Tu también me encantas doryy💗💖💘💓💕,3.8,Spanish
+2472,@user Y si mejor compramos comida ya hecha? 😅😅😅,2.4,Spanish
+2473,"""Lo normal es la deportación y que se cancele la VISA. Hay una cancelación de por vida o por un periodo bastante extenso"" @LaUnionAM",1.2,Spanish
+2474,"Si te invita a pasear perritos, créeme mi hermano: ahí es.",2.8,Spanish
+2475,@user acá son las 8 ok,1.0,Spanish
+2476,Antes d levantarme d la cama hago un 10 min d sufrimiento y agonía,3.2,Spanish
+2477,@user En eso estamos entiendo la oferta del gobierno 😊,2.0,Spanish
+2478,Cuando dos personajes se encontraron en el Jumbo de bv JAJAJAJJAAJ http,1.0,Spanish
+2479,@user vas a terminar de novio y triunfando en el exterior maxi.,3.0,Spanish
+2480,Ahora tenemos sangre ucraniana. @user @user @user #StopRussia #StopPutinNOW http vía @user,2.0,Spanish
+2481,@user NO AL DISCRIMEN Y SEGREGACIÓN DE PERSONAS 💉😷 http,1.8,Spanish
+2482,"Hoy he empezado a notar la falta de productos, por motivos de la huelga. He ido al Badulake, y no les quedan gulas. Una mierda todo.",2.25,Spanish
+2483,@user A los culos no les hacen corridos,2.0,Spanish
+2484,"No sé, pero yo si quisiera llegar al punto de estar perdidamente enamorada de alguien, tanto que se me note hasta en la forma de mirarlo.",3.8,Spanish
+2485,Me pongo a pensar hasta donde llegaré! 😎 #pictureoftheday #2019 #instagram http,3.2,Spanish
+2486,"@user una obra que dirige mi maestro de taller, jj.",1.4,Spanish
+2487,@user Italia 90. No hay 2 opciones,1.0,Spanish
+2488,"borró la destacadas, yendo no llegando diría el nobaaa",2.6666666666666665,Spanish
+2489,"Perdí un buen estado en Ig 🥺, lo sigo buscando sin éxito pero que bueeeen mensaje.",2.0,Spanish
+2490,@user Pero 20.000 Millones para chochocharlas.,2.0,Spanish
+2491,"@user @user Exacto, imaginen una Constitución escrita por 60 Cerrones y 60 Caveros. No jodan.",1.2,Spanish
+2492,@user Cualquiera se enoja si su verificación top 1 la bajan a top 2,1.6,Spanish
+2493,"@user Buen punto, pero cuando pensaba para el resto de mí vida solo estimé hasta fin de la semana próxima, un descuido (?)",2.25,Spanish
+2494,@user Muchas gracias amiga Un abrazote,2.8,Spanish
+2495,@user Ojo que Agustina quizás no sea Agustina... te lo dejo para que lo pienses (?),2.0,Spanish
+2496,@user No os fijéis en el mensajero. El mensaje es claro. 😅,1.6,Spanish
+2497,@user @user @KBSWorldTV si yo igual acabo de encontrar ese video de 7 m de vistas😆,1.4,Spanish
+2498,queeee bien empezé el año 🤘🏽🤪,2.6,Spanish
+2499,Ismael hay más imagenes para ti. #LaIslaDeLasTentaciones8 http,1.4,Spanish
+2500,Cuando haga mi cosplays de ryuko matoi lo voy a subir primero aquí,1.8,Spanish
+2501,@user Asi saltó a la fama. Una tuvo que partirle el corazón y viralizar los audios para que nosotros lo tengamos en nuestras vidas 😭💞,2.2,Spanish
+2502,"@CNNChile Contraloría no puede aplicar sanciones a los Alcaldes, solo el TER.",1.0,Spanish
+2503,lo hizo por mi 🥺 http,2.0,Spanish
+2504,🎸 Clonación capilar: la gran novedad para los pacientes con alopecia androgénica... http,1.0,Spanish
+2505,"Quien te quiere busca la manera de arreglar las cosas, no alejarse",2.2,Spanish
+2506,"@user Todos esperamos eso, cuánto más gente comparta mejor 😘",1.8,Spanish
+2507,"@user @user Él siempre :) Yo ojalá trabajar, la verdad :(",2.25,Spanish
+2508,Buenos días mis amores.,2.8,Spanish
+2509,soy una mierda:(,3.4,Spanish
+2510,@NoticiasRCN Ahora le llaman comunidades a los hijos de puta Guerrilleros,2.0,Spanish
+2511,"#MartesIntratable. Los híper estaban llenos , que está diciendo es psicóloga ??..no comíamos?",2.0,Spanish
+2512,@user Me gustaría una videollamada con Uds,3.2,Spanish
+2513,@user Dice que mañana me paga y mañana le paso las fotos por ahora http,1.8,Spanish
+2514,Así que una y mil veces #MonterreyNeedsBTSTour #OCESAxBTS http,1.0,Spanish
+2515,@user @A24COM Es malo por conocer..... Lo bueno es #Espert2019,1.5,Spanish
+2516,"Padre sol nuestro que estás en los cielos, guíame si no esta bien la vida que llevo... http",1.2,Spanish
+2517,"@user @user Si chamo, si no es como el quiere, zas! te lanza el block.",2.4,Spanish
+2518,"Sí, si es contigo.✨❤️",4.0,Spanish
+2519,"Como Jaime vuelva a preguntar por los ingredientes de la salsa, os juro que voy a Palencia andando y se los digo... #MCJunior",1.6,Spanish
+2520,@Nacion321 @user @vampipe A puro que feo estas te pareces a tu mamá,2.4,Spanish
+2521,Perdiendo dignidad desde 1997 jajajajajjaa,2.8,Spanish
+2522,"Noches así,donde solía taparte",3.6,Spanish
+2523,@user Siempre fiel nunca infiel,3.2,Spanish
+2524,El gobierno dejó abierta la puerta de diálogo con indígenas http http,1.0,Spanish
+2525,No vamos a ser mala onda y dejarlos sin nada por aquí... trío con un buen single... http,3.4,Spanish
+2526,"Una gran multitud, sería uno con Dios",1.0,Spanish
+2527,Este jueves día 19 nuestra Hermandad ha celebrado sus Cultos semanales http http,1.0,Spanish
+2528,lo único estable en mi vida es el sueño y las ganas d follar,4.4,Spanish
+2529,"Ojos que no ven, TWITTER que te lo cuenta 😂😂😂😂😂",1.4,Spanish
+2530,NB es la oficial de los Panamericanos y Marathon de la federación. Ok.,1.0,Spanish
+2531,"@user Ríndete a la vía del deporte, la única vía para una vida sana, te voy recogiendo los pulmones no te preocupes",2.2,Spanish
+2532,@user @user Quien juega por el pulga? Kaprof? No se compara! No es por no bancar a kaprof pero no tiene la talla del pulga.,1.25,Spanish
+2533,Yo solo quiero estar en el mar,1.4,Spanish
+2534,@user te quiero mucho💙💙💙,3.2,Spanish
+2535,😍 El mejor diseño es catalán. 👉 http by @user #EquipoCreativo,1.4,Spanish
+2536,"@user Mi hermano no le responda ,as a ese Sr @user ,es un retrasado mental en política, está quemado",1.8,Spanish
+2537,@user Pues si no me quieres creer no me creas pero yo no voy a hacer que mas gente vea eso,3.0,Spanish
+2538,No me gusta ver a mi amiga triste☹,2.8,Spanish
+2539,@user @user 😂Con este logo te llevas la palma!! 🌟49%. Genial contar contigo en nuestros proyectos.,1.4,Spanish
+2540,"@user si bueno esos ya los di por perdidos hace tiempo, pero gente con la que me ilusiono, pese a todo...",3.4,Spanish
+2541,Nunca creí que un video fuera a cambiar mi vida,2.0,Spanish
+2542,Me tomé 1lt de horchata y ahora no me puedo mover olov help ☹️,3.0,Spanish
+2543,"""Yo trabajaba para robar"": otra confesión con @mauroszeta http http",1.8,Spanish
+2544,"odio tomar sola, pero ni modos, hay que respetar la cuarentena, salud",1.8,Spanish
+2545,Personitas de @user qué lugar de comida mexicana recomiendan más? Los leo... 👇,1.4,Spanish
+2546,"Antes intentaba arreglar las cosas, ahora solo dejo que se rompan.",2.6,Spanish
+2547,podría escuchar la voz de BoJack y no me cansaría,1.2,Spanish
+2548,¿Y mis buenos días?,1.6,Spanish
+2549,@user Qué haciendo amigo,1.6,Spanish
+2550,@user A mí 💚,2.8,Spanish
+2551,el NIVEL es que podría estar perfectamente en la banda sonora de Crepúsculo imaginaos el TEMAZO,1.4,Spanish
+2552,@user @user @user Tal cual 😂😂😂😂,1.2,Spanish
+2553,La afición de Tigres ya está presente en el ‘Volcán’ para el juego de ida en contra de alerón. @ESPNmx http,1.0,Spanish
+2554,@user Opino lo mismo de esa mierda de colegio,2.8,Spanish
+2555,"Ay no, donde vea a ese hpta le rompo esa cara sin lástima 😁",3.6,Spanish
+2556,"@user @user Eso os pasa por no saber hacer los problemas, no como yo http",1.5,Spanish
+2557,Confirman que dentro de los cactus hay una planta sensible que sólo quiere agua http http,1.0,Spanish
+2558,Cumpli los 20 y ya me toy muriendo,2.8,Spanish
+2559,Lo que daría por volver a ser feliz como cuando era chico,3.8,Spanish
+2560,necesito q adelantemos ya al viernes no creo aguantar dos días más,2.4,Spanish
+2561,Mañana es el gran dia,1.4,Spanish
+2562,@user Morra eso está muy mal,2.2,Spanish
+2563,@user si el participante es de Costa Rica puede seguir,1.6,Spanish
+2564,@user @FelipeCalderon Que ironía lo mismo que el mismo que creo y fomento.,1.75,Spanish
+2565,no se dan cuenta algunos hombres que dan ASCO d lo mujeriegos y chamulleros que son ??!!! 🤢🤢,2.2,Spanish
+2566,"Santiago Rodríguez fue el jefe designado por el gobierno de CFK para manejar #FM, Fabricaciones Militares, desde el 2011 al 2015.",1.6,Spanish
+2567,@user Me di cuenta bebé,2.0,Spanish
+2568,"@user Muchas gracias Mariana, lindo día para ti también, éxitos..!!",2.0,Spanish
+2569,Mi amigo me hace hacer cagadas lpm jajajja,2.8,Spanish
+2570,"@user @user @user @user @AtalaKaren Estamos hablando del procedimiento, de los procesos. No que diga el fallo",1.0,Spanish
+2571,Todavía siento lindos nervios al verte.,3.0,Spanish
+2572,Oye pero qué cosa más bonita me ha dicho Anto a todo esto eh,3.6,Spanish
+2573,@user Qué vas a ser cuando seas viejo con esos tatuajes? - el más poronga del geriátrico.,3.0,Spanish
+2574,ojalá yo siendo spam aber si así si me cogen :$,4.8,Spanish
+2575,"@user a parte estaba jugando y no se me ocurria nada, te salvaste jajaj",1.6,Spanish
+2576,Segundo año que deseamos feliz año juntos Camila y sus Papas🎉🎉🎉 http,2.8,Spanish
+2577,@user @user Confirmó tengo 21,2.8,Spanish
+2578,@user No,1.0,Spanish
+2579,No sé si me siento celosa o si mi actual estado anímico tiene algo que ver ésta vez 🤔,3.4,Spanish
+2580,"/está escuchando Rosalía. Que se pone a bailar, cuidado",1.8,Spanish
+2581,#LaIslaDeLasTentaciones8 D igual lo que digan Cristofer es un puto genio.,1.4,Spanish
+2582,"@user @user Falso, la unidad de posgrado es Mordor. La facultad es más como una colonia de ogros y uno que otro elfo.",1.8,Spanish
+2583,Que Betty la fea es tóxica: Sí. Que el aire que respiramos y nos mantiene vivos es de alguna forma toxico: también.,1.5,Spanish
+2584,@user No se por que pero creo que van a hacer un mal juego http,1.0,Spanish
+2585,Viento y lluvia en Zona Sendero. @user http,1.4,Spanish
+2586,creo que llegó el momento de darle una nueva imagen a mi cuenta ahre,2.4,Spanish
+2587,@user qué,1.0,Spanish
+2588,No quiero hablar con nadie sorry,2.4,Spanish
+2589,@user Pero la primera mitad del proceso de hacerlos si lo aguantas no? Así que chiste,2.4,Spanish
+2590,"@user @user Ciega, sordo, muda para los demás... Jajaja",1.2,Spanish
+2591,"Si pregunto como te fue, es para que me digas literal T O D O lo que hicistee, no nadamas “bien”",2.25,Spanish
+2592,Voy a hacer el intento de tomar alcohol esta noche,3.0,Spanish
+2593,@user mátenlo antes de que deje crias,2.25,Spanish
+2594,El desayuno me hace más que feliz.🤩,1.8,Spanish
+2595,Flex ta en proceso 👺 aaahhhhh!!! Bloqueo creativo porfavor esta vez noooo :'v,1.5,Spanish
+2596,"@baradit Jajajaja pobres yanaconas, los patrones los tienen con hambre parece, que andan tan rabiosos",2.0,Spanish
+2597,"@sergio_fajardo @VLADDO Hay dios, ya van apareciendo las llaves",1.8,Spanish
+2598,@user Si...no es un nombramiento que me entusiasme demasiado,1.2,Spanish
+2599,¿donde está el botón para repetir las noches en donde fui extremadamente feliz?,3.4,Spanish
+2600,me enfadas como nadie y me calmas como ninguno,4.0,Spanish
+2601,⚡️ ¡@mailomarcos tiene una nueva pista! 🔠 http,1.0,Spanish
+2602,"@user Recien veo esto y a los giles como vos ni cabida son unos envidiosos , viven pendiente de nosotros.",1.4,Spanish
+2603,Me siento #sexy hoy... inicia sesión en #CAM4 ahora http Listo para compartir mi #xxxshow contigo ;),3.8,Spanish
+2604,@user Deci que no estoy sino te junto los garrones,1.6666666666666667,Spanish
+2605,@user @DonFernandoC Reportan un alza importante en el valor accionario de Ligas Leon. **Morena apoyando a la industria y el empleo !**,1.8,Spanish
+2606,"Mulder a Vizcarra: “Si decide cerrar el Congreso, tendría que sacarnos a patadas” Pregunta:¿Quién quiere tirar la primera patada?",1.6,Spanish
+2607,"Bueno o consigo algo para estar muchas horas fuera de mi casa o me vuelvo a Bahía, demasiada esa intensidad",3.0,Spanish
+2608,Encontré el abrigo que quería. Debe ser el efecto Quique Sacco.,1.6,Spanish
+2609,Definitivamente la persona con la que llegue a tener algo debe saber bailar DE TODO!,2.2,Spanish
+2610,@user Contaminada pero evita que se expande el incendio al norte 🙏🏼,1.0,Spanish
+2611,🍁 ¿La Inteligencia Artificial representa un peligro para la humanidad?... http,1.0,Spanish
+2612,@boye_g Serás un perro pero el portador de la rabia es @user,1.8,Spanish
+2613,"@user El Real Madrid, como siempre.",1.0,Spanish
+2614,Vamos a hacer un plan de salida para los créditos UVA. #HayFuturoParaVos http,1.0,Spanish
+2615,No puede ser más lindooo 🥺😍,1.8,Spanish
+2616,@user @user Imagino que te estarás rebelando ante semejante arbitrariedad. Es absurdo por donde se lo vea,1.8,Spanish
+2617,@user Yo le puedo buscar hogar dónde es esto?,1.4,Spanish
+2618,"Deja de joder, que rompe bolas estás lpm",3.6,Spanish
+2619,"@user Seguros y con salud en casa. Ah, también bien cachondo pero X",3.4,Spanish
+2620,Sin rencor se vive mejor 🤐,1.6,Spanish
+2621,No quiero a NADIE! Te quiero a vos,3.4,Spanish
+2622,@RoiMendez Todo aquello que no paso en Marzo 😂😂😂,2.4,Spanish
+2623,"@user En una semana, o mañana ✌️🙊😇😇😇😇😇😇😇😇😇😇",3.6,Spanish
+2624,me da tanta ternura jungkook miren como le queda la ropita re grande y como parece que su mamá lo peino noo0o http,2.2,Spanish
+2625,"@user No dice, tú por delante de mi",2.2,Spanish
+2626,@user Te mereces más días así ❤️,2.2,Spanish
+2627,Esos artistas que no deberían cantar en directo... 🙉,1.2,Spanish
+2628,"Se me metió un no pinchas ni cortas, le das igual a todos en el ojo 🤯🤯🥴🥴",1.4,Spanish
+2629,"@user Te lo llevaré al depa en cuanto llegues, tlp.",2.8,Spanish
+2630,"Estaba escuchando 4 babys, y es imposible no acordarme de la vez que me cortaron el pelo con ese tema jajajaj",2.8,Spanish
+2631,Estoy tan cansada que siento que ni siquiera durmiendo una semana entera podría descansar por completo.,2.0,Spanish
+2632,Ricky cabrón tú no te abochornas? más de 112 mil firmas pa’ que te largues pal carajo #RickyRenuciaYa,1.8,Spanish
+2633,extraño a mi novio,2.8,Spanish
+2634,"Pensé que se me había roto el cargador y se me rompió el celular , tengo 1% de bat, voy a llorar ok",1.8,Spanish
+2635,Necesito comprarme una franela que diga GAS COMO ESTA VESTIDA. demasiado colombiana.,1.0,Spanish
+2636,"Santa diciéndome ""querés que lleve algo como Pizzas, empanadas o un buen puchero?""",2.0,Spanish
+2637,No sé si reír o llorar... 😢😂 http,1.0,Spanish
+2638,@user Muy linda y rica noche,3.4,Spanish
+2639,La verdad no entiendo😔😔,1.2,Spanish
+2640,@user Lo veo más como Alfred 😂,1.0,Spanish
+2641,Me tiene loca de amorrrr 🤪,4.4,Spanish
+2642,"Xq no puedo estar flaquita bonita con un culote, una cinturita y abdomen plano???????????",3.6,Spanish
+2643,"@user Ofrenda total!!!!! . Por Cristo, con El y en El !!!!",2.2,Spanish
+2644,"se equivocaría de chat?, estoy jodida pensandooo",2.25,Spanish
+2645,Mi apuesta va por Nico jaja http,2.0,Spanish
+2646,@user Me tenes en mercedes y me olvidaste es lo mismo,1.4,Spanish
+2647,@user @user ves todo es posible 😂😂,1.2,Spanish
+2648,"No mamen, ¿De qué me perdí?",1.2,Spanish
+2649,Como la gente puede seguir teniendo ganas de ir a Teos ¿?,1.6,Spanish
+2650,"@rmapalacios Chavarry debe inhibirse : 1) no puede ser juez y parte, 2) ha actuado de manera ilegal, 3) es investigado",1.4,Spanish
+2651,A veces hay miedos que tú no puedes controlar,2.0,Spanish
+2652,"«La igualdad tal vez sea un derecho, pero no hay poder humano que alcance jamás a convertirla en hecho.» —Honoré de Balzac",1.8,Spanish
+2653,Me dejó de seguir pero me mira las historias 🤦🏼‍♀️🤣,2.4,Spanish
+2654,"Te tenía en un pedestal e irónicamente nadie te bajó, tú te lanzaste.",3.2,Spanish
+2655,@user @user ¿Estaba cansado? ¿Quería escucharlo? ¿Le dio flojera? ¿Sabía lo qué iba a pasar? Y un largo etcétera.,2.6,Spanish
+2656,Dormí una hora y media y me desayuné una milanesa. Hashtag Vida Saludable,1.8,Spanish
+2657,Feliz Noche para todos queridos hermanos. Dios bendiga tu casa y tu trabajo.,2.2,Spanish
+2658,Tantita madre hijos de su putisima verga,2.8,Spanish
+2659,Violan nenas d 8 años o le sacan la vida a un laburante y quieren tener derecho a algo estos hijos d puta 🤦🏻‍♂️,2.8,Spanish
+2660,@user Te habrás quedado agusto,1.4,Spanish
+2661,Miradas como la suya para iluminar la mañana ☀️👀 Buenos días! #HappyFriday @Kimy2Ramos http,2.4,Spanish
+2662,@user @user Ninguno de los dos sabe,1.0,Spanish
+2663,@Macarena_Olona @policia @guardiacivil @VOX_Congreso Gracias por tanto! #EquiparacionYa #ILPJusapol @jusapol #VetarLaIlpJusapolEsilegal,1.0,Spanish
+2664,Ya saben amigos los mejores!! http,2.2,Spanish
+2665,@user Un mafioso solo conoce una vida.....me sentí muy en la serie escribiendo eso janaja,1.6,Spanish
+2666,@user No era que no tenías? O flasheé,2.0,Spanish
+2667,"@user No volvió, entiendo que fue un holograma",1.0,Spanish
+2668,Ojalá estuvieras enamorado como yo lo estoy de ti.,4.0,Spanish
+2669,Una ratito mas en la cama que hace frio 😭,2.0,Spanish
+2670,Abrígame el camino que llevo frio.,1.8,Spanish
+2671,Ya fue suficiente,1.4,Spanish
+2672,"Perseverad en la oración, velando en ella con acción de gracias; Colosenses 4:2 RVR1960 http",1.4,Spanish
+2673,@user @user @lopezobrador_ Te quedarás esperando entonces !! En una sillita por favor !!! Para que ir no te canses puesum,1.2,Spanish
+2674,por que los varones opinan sobre prostitución?? es obvio que van a estar a favor manga de violines pija podrida,2.0,Spanish
+2675,El #Ironman de #Sudafrica se tiño de luto por la muerte de dos #Triatletas. http,1.0,Spanish
+2676,El único canal infantil de televisión abierta de México se fortalece y ahora se llama #OnceNiñasyNiños. 👧🏻👦🏻 http,1.0,Spanish
+2677,@user @user Me generáis necesidades y así no se puede,2.8,Spanish
+2678,"Hoy volví a ver a Stefan en el metro, llevaba un sweater gris y un bolso rojo.. Siempre digo que la voy a saludar, pero no me atrevo pues!",3.4,Spanish
+2679,@user @Rayados *jugador error de dedo.,1.3333333333333333,Spanish
+2680,"@user Tienes una nueva notificación del servicio (C-4a, C-4b)",1.0,Spanish
+2681,"♊️#Géminis: Clave semanal: Romper con el pasado y mirar al futuro, viviendo intensamente el presente. #Astrología",1.6,Spanish
+2682,Dios ayúdame en eso que vos y yo sabemos,3.0,Spanish
+2683,Necesito amigos cariñosos ya no puedo vivir pidiéndole abrazos a todo el mundo,3.4,Spanish
+2684,@user Y nosotros seremos los fundadores.,1.0,Spanish
+2685,Pasaran otras cosas mas en Chile?? #ContigoCHV,1.4,Spanish
+2686,Necesito paz mental.,2.8,Spanish
+2687,@user No te has dado cuenta lo rápido que ha pitado la falta al borde del área. Es que ya ni disimulan.,1.6,Spanish
+2688,"Bueno, me cambié el usuario en todas las redes, odio mi apellido por lo que es imposible tener un usuario decente :(",2.4,Spanish
+2689,"Sigueron de largo y se fueron al club las pibas,quien pudiera tener esa energia jajajajajaj",1.6,Spanish
+2690,"Qué hace de un gobernante un tirano, según Juan de Mariana @PanAmPost_es http",1.2,Spanish
+2691,@user Ya me los hice muchas gracias 😊,1.8,Spanish
+2692,@user Tienes una nueva notificación del servicio (C-7),1.25,Spanish
+2693,El jueves vuelvo a la otra cuenta,1.8,Spanish
+2694,2do dia que se me quema la comida por colgada! 2019 arrancamos bien 🙄😅,2.4,Spanish
+2695,Siempre le he dicho a mi hermana que es muy afortunada sólo por compartir su día con la madre naturaleza. ❤️ #FelizDiadeLaTierra #EarthDay,2.2,Spanish
+2696,@user en un abrir y cerrar de ojos cambiamos de locacion. me toca a mi ahora,2.2,Spanish
+2697,QUE BAJÓN NO TENER UPD lo que daría por volver a mi upd HDP,1.0,Spanish
+2698,@user Fuerza #PremiosMTVMIAW #MTVLAFANDOMJULIANTINAFANS #MTVLAPAREJAJULIANTINA,1.0,Spanish
+2699,@user Pero aquí ya llovió 😭😭😭😭,2.0,Spanish
+2700,"Amo a mi hombre, siempre me consciente demasiado ❤️",3.4,Spanish
+2701,Nos levantamos con un Junior de B/quilla eliminadísimo de Libertadores. Ese celular de Comesaña no para de sonar.,1.0,Spanish
+2702,"Yo dije que no me gustaba Morat, pero ahora me retracto y pido perdón a los presentes...",2.4,Spanish
+2703,"@user Nop, la verdad sobre todo.",1.8,Spanish
+2704,"me niego a regresar a Maya, quiero llorar y to’",3.4,Spanish
+2705,la verdad es que necesito playa,1.4,Spanish
+2706,Nunca me imagine que de la cruz iba a hacer un gol jajajaja alfin una bien hijo de re mil putas,1.6,Spanish
+2707,acabo de ver un hilo sobre mascotas y me largue a llorar xq nunca más voy a poder convivir con mi perro dios la conchaaaaaa,4.2,Spanish
+2708,@user fíjate en quien confías y listo que te pasa gato sabes como me hacen sentir tus tuits?,4.2,Spanish
+2709,@user busca un hijo,2.0,Spanish
+2710,@user El pueblo vs su círculo político http,1.0,Spanish
+2711,@user Yo en todas. 😂😂😂,2.0,Spanish
+2712,Quién quisiera estar recargado en ese hermoso pecho del abuelo 🍆👅😛😛🤤💦💦💦 http,4.4,Spanish
+2713,Contigo Perú esta noche a todo volumen en Pueblo Libre 🇵🇪 #QuedateEnLaCasa #CuarentenaNacional http,1.6,Spanish
+2714,Que ladilla no encontrar comodidad en la cama dios.,2.2,Spanish
+2715,Qué ganas de tener un culito que pueda nalguear cada que yo quiera:(.,4.4,Spanish
+2716,Avisenle a Randazzo que cuando termine todo necesitamos a alguien para limpiar.,1.4,Spanish
+2717,"@user Chale, quieren ganar como empresarios, pero ellos no arriesgan su capital, bien brgas http",1.0,Spanish
+2718,Creen que mi equipo me disculpe si no llevo mi parte de la Guía de álgebra si les digo que no puedo parar de llorar?,2.6666666666666665,Spanish
+2719,que es esto de querer dormir todo el tiempo 😫,1.2,Spanish
+2720,Qué sueño tengo y ni en mi casa estoy,2.4,Spanish
+2721,"@PatoBullrich Si una Montonera aprendió de orden y cumplimiento de pautas, entonces cualquiera puede hacerlo, hasta los zurdos.",1.6,Spanish
+2722,Si tuvieras un superpoder... ¿Qué tal este? http,1.2,Spanish
+2723,@user Vamos que estas malito.... pues ya sabes recupérate pronto que tienes que seguir disfrutando con tus vacaciones...,1.8,Spanish
+2724,que parte de dar sb en vez de unf no entienden,2.333333333333333,Spanish
+2725,@user una bajada de aire a las llantas y no se olvida más... un método arcaico pero efectivo,1.25,Spanish
+2726,@user Te quiero tanto...nos esperan más aventuris (y más ahora que conduces jeje 💖) http,3.4,Spanish
+2727,@user Si a mi me parece una boludez grande como una casa. A parte no te voy a decir nada pq sos de mis tatengues favoritos❤,3.6,Spanish
+2728,"@VicenteFoxQue Directa la flacha, es una trata de blancas y tiene que pagar con carcel Igual que tu muy pronto.",1.4,Spanish
+2729,Buenoooos diaaaaas hijos de su “La Vida Es Un Picnic”,1.4,Spanish
+2730,Me siento como el culo pero se sale igualllll,3.4,Spanish
+2731,Hay que tocar las ganancias de los poderosos e invertir en salud. Los milicos no sirven para nada #SiALaCuarentenaNoAlEstadoDeSitio,1.0,Spanish
+2732,Estoy impedida moralmente.,3.2,Spanish
+2733,no mames ya viste que chula te ves sin ese wey que solo te hacía llorar?,3.4,Spanish
+2734,"@martinolimx @user Guey , te crees bien gracioso tú y tus payasos , pero al mano a mano lloraste con tu televisora muy Maricon",2.6,Spanish
+2735,Puedo dejar de darle hostias en cualquier parte del cuerpo contra cualquier puto mueble??,2.0,Spanish
+2736,@user No c q decir al respecto JAJAJJA,1.2,Spanish
+2737,"prendí mi celular antiguo y me recordó todo a ella, está en todos lados en ese celular q loco",3.4,Spanish
+2738,"La mamá que está esperando su pizza, mientras pago en Domino's le dijo a sus hijos: cuidado con el señor 😣🤨",2.0,Spanish
+2739,Me estoy dando cuenta que tengo un fetiche con mercadólogos 😲🤯,3.6,Spanish
+2740,Decepcionado de mí mismo porque no estoy tomando un viernes tan lindo,1.4,Spanish
+2741,@user Un pulmón?,1.25,Spanish
+2742,nunca quise un balazo tanto en mi vida,3.2,Spanish
+2743,@user Estadounidenses* jeje,1.0,Spanish
+2744,"Estar hipocondriaca no es recomendable, se los aviso por si pensaban darse una vueltita por ahí.",2.2,Spanish
+2745,"@user Claro, está muy rico linda",3.2,Spanish
+2746,@user La verdad !! Para no ser pobre se necesitan 40.000 $ mensuales en CABA ni para Gilette !!!! Que huecas,1.2,Spanish
+2747,@user copiado si muero somo sepan que las quise hasta e dia de.mi muerte JULIANTINA BY HENRYJ,2.75,Spanish
+2748,—Tiene un condón con agua en cada mano—. ¡Listo!,3.2,Spanish
+2749,🎤 ¡Tenemos las nuevas fechas de la gira de @user Consulta las 7 primeras ciudades y fechas del ➕▶ tour aquí! http,1.0,Spanish
+2750,Japón! ABRAZO!,1.0,Spanish
+2751,"como odio esperar algo de alguien y que no le nazca, me autodigo ""te lo dije"" sieeeeempre🤦🏼‍♀️",3.8,Spanish
+2752,"estoy en la mía, no jodo a nadie, no rompan las bolas",2.4,Spanish
+2753,Indeciso entre enamorarme o chingarme unos taquitos.,2.0,Spanish
+2754,@user @convoynetwork @ruleiro @eltalcha @Olallo_Rubio @user @user sigueme para que te mande mensaje.,1.4,Spanish
+2755,@user te quiero muchísimo arely ok acordate de lo que te dije hoy,3.8,Spanish
+2756,No lo podemos creer: ¡tenemos 1.000 seguidores! ¡Gracias! ¿Crees que llegaremos a los 10.000? #ahreligenasmemes #Ahreligenas,1.6,Spanish
+2757,Anne por favor qué mujeron 😍✨,2.4,Spanish
+2758,@user En Altozano abrirán un Chedraui Selecto y aquí la señora bien emocionada 🤷🏻,2.2,Spanish
+2759,@user Quien lo odia es un excelente jugador y profesional,1.4,Spanish
+2760,este nudo en la garganta que no se va con nada😪,3.75,Spanish
+2761,@user bueno no se que poronga guardaria ahí pero quiero ganar porque esta re caro ese juego,2.6,Spanish
+2762,@user @nytimes Y dónde quedan los dueños de #Venevision #Cisneros y de #Televen adlateres del #Chavismo !!,1.0,Spanish
+2763,@user @user Y con arito no más? Yo@me@ofrezco JJajaja,3.0,Spanish
+2764,Iba a decir algo pero sé que no importa así que me callo.,1.0,Spanish
+2765,"Y bueno, hoy habrá q pegarle c el borde interno del pie derecho y recolocarsela en la pera",1.4,Spanish
+2766,"Mando fotos del papa, soy inmune al corona perri",1.0,Spanish
+2767,A veces es bueno cambiar..,2.2,Spanish
+2768,@user Que?? No se podía y nadie me avisó?,2.2,Spanish
+2769,"Amigo como estaba lpm, ya arranque el año de la mejor manera posible y con las mejores personas posibles",3.0,Spanish
+2770,@user Tengo que cortarme 3 o 4 dedos. La plancha jode el pelo que te cagas. Pero vamos como es mi pelo natural me crece muchísimo. 😍👏🏻,3.2,Spanish
+2771,tmb daría lo que fuese para dejar de tener tetas son lo peor q me pasó además de mi cara,4.4,Spanish
+2772,#grammyisoverparty #GRAMMYs @ArianaGrande merecía ganar por lo menos una categoría. http,1.0,Spanish
+2773,Vivo con ganas de coger,4.75,Spanish
+2774,@TheGrefg Ahora si tengo miedo :(,2.0,Spanish
+2775,@user @edufeiok Los de los Troll lo inventaron los kirneristas para callar a la gente,1.75,Spanish
+2776,Tengo más ganas de estar tirado en una playa que de respirar!,3.4,Spanish
+2777,"Cuando te dice ""solo hablo contigo"", pero te envía audio y no para de vibrar su celular http",2.6,Spanish
+2778,Me desía papi me encanta taragoña. Las queens del edit xd.,2.6,Spanish
+2779,@user cuello blanco y cuello naranja ambos banda criminales cierra la bocota de water que tienes,1.75,Spanish
+2780,@user ¿Y sabes preparar más cosas que pizza?,2.0,Spanish
+2781,@user Denunciaaa q odio,2.0,Spanish
+2782,"@user @user Tomare tu ejemplo. Más vale haber perdido 60 horas, que a esas 60 sumarle otras tantas",1.4,Spanish
+2783,@user Moscas en la casaaaaa también. O día de enero✨,2.75,Spanish
+2784,El fandom cuando Lucho llegó a cagar el hermoso momento: COOPERACHA JULIANTINA http,1.75,Spanish
+2785,Tengo una ganas de escabiar cualiao 😂😂,2.75,Spanish
+2786,problemas en el paraíso,3.0,Spanish
+2787,"RT BTS_Peru: BigHitEnt BTS_twt Muestra una atmósfera de ensueño, con BTS_twt tomándose una foto reflejada en el espejo. MAP OF THE SOUL…",1.0,Spanish
+2788,¡LA AMO CARAJO! ¡ME ENCANTA! #PremiosMTVMiaw #MTVLAFANDOMJULIANTINAFANS #MTVLAPAREJAJULIANTINA http,1.6,Spanish
+2789,"Si me ves por la calle, no te esfuerces en saludarme, tengo siempre la música a todo volumen y la mente en otro lado",4.25,Spanish
+2790,ODIO ver a mis amigas mal enserio,3.4,Spanish
+2791,"Me he chipiado, sinónimo de calado o mojado por la lluvia @user @user",1.2,Spanish
+2792,Se imaginas ser padres de mellizos o gemelos? 😩,2.6,Spanish
+2793,alguien: *respira* yo: quiero regalonear,2.8,Spanish
+2794,⚙️ Los niveles de estrés que padecen los estudiantes de secundaria tienen consecuencias muy graves para la salud... http,1.2,Spanish
+2795,@officialfey Te amo para siempre 😭😍❤️ mi #CougarFey,4.2,Spanish
+2796,Hombre se prende fuego tras discutir con su esposa en Iztapalapa http,1.0,Spanish
+2797,Con una mano mi cervecita y la otra en en el clash 🤤😂 @AnthonyD_Angelo http,1.8,Spanish
+2798,1ero de enero y ya tengo millones de preocupaciones en la cabeza pum,2.6,Spanish
+2799,@user Te escribí dm,2.0,Spanish
+2800,"@user unir el límite de jujuy con bolivia, el de misiones con brasil y el sur de tierra del fuego",1.0,Spanish
+2801,@user Jajaja Estará buscando inspiración para la próxima cuenta que abran de Albalia y se peguen viajecitos posando como bellas,2.6666666666666665,Spanish
+2802,Que el relieve de la vida hable por si solo. #colores #imagenes #verdades #frases #vida #paisajes #naturaleza http,1.4,Spanish
+2803,Taylor Swift - Style http vía @user No puedo amar mas esta canción http,1.8,Spanish
+2804,Tranquilo como agua de tanque,1.5,Spanish
+2805,Es tiempo de dignificar al campo y a sus productores: @vmva1950 #Veracruz http http,1.2,Spanish
+2806,Esto fue tan hermoso🥺💜. #BTS #BTSxGDA #BTSatGDA @BTS_twt http,2.2,Spanish
+2807,@user Gracias. 💕,1.2,Spanish
+2808,tú y yo dados de la mano por los barrios de madrid 💗,3.8,Spanish
+2809,Buenos días amor. 💖,4.2,Spanish
+2810,¿Qué es #TratamientoParaTodos? Sigamos generando estrategias para seguir combatiendo el cáncer en México. http,1.0,Spanish
+2811,"@user Otra enfermita mas, el virus no para",1.4,Spanish
+2812,Hay de cosas a cosas y algunas están bien heavy,2.6,Spanish
+2813,@user la gente es muy cobarde bro,2.6,Spanish
+2814,@Reporte_Indigo @VicenteFoxQue Es capaz de todo el vejete para seguir como parásito del presupuesto.,1.8,Spanish
+2815,@user @user Jajaja pues creo que soy level 69 ya tu sabeh,4.0,Spanish
+2816,@user Tu si sabes como subirle el animo a las personas 😭,3.2,Spanish
+2817,Estaría necesitando el finde ya,1.8,Spanish
+2818,Gracias a los bros mi cabello ya no vuelve con olor a cigarrillo de las farras 🙌🤩,2.2,Spanish
+2819,Lpm tan lento tiene q pasar el tiempo,1.5,Spanish
+2820,"Olvidate que vuelvo a sentir cariño por alguien, quiero ser lo fria que era antes",4.2,Spanish
+2821,@user Y al final de la noche acabaras con un traje de pena,2.4,Spanish
+2822,@user Rico hombre,3.2,Spanish
+2823,“Siempre vemos en los demás algo que no tenemos.”,1.8,Spanish
+2824,"@user Avisa cuando llegues, de nada xd http",3.6666666666666665,Spanish
+2825,"@user @user @user @martintetaz @user Tenés razón. Dónde no hay pobres es en Corea del Norte, Venezuela y Cuba.",1.3333333333333333,Spanish
+2826,🌵 El prometedor futuro que ninguna película de ciencia ficción fue capaz de predecir... http,1.0,Spanish
+2827,y entonces,1.0,Spanish
+2828,A seis años de su partida: Estas son las cinco canciones más populares de Simón Díaz http @user,1.2,Spanish
+2829,....y papa otra vez encima de mama...,4.6,Spanish
+2830,"El punto al final de un "" BUENO , CHAU"" puede generar la sensación de que todo lo vivido valió una mierda.",2.6,Spanish
+2831,Sabía que no tenía que volver a jugar en las canchitas 😔,3.0,Spanish
+2832,"Si minecrfat vuelve a la popularidad os juro que hago una serie, todo sea por enterrar ya al fortnite pordiooooos",1.4,Spanish
+2833,Puede dejar de ser tan perfecta? Algo tiene que tener por dios,2.8,Spanish
+2834,@user Y primer país entre los latinoamericanos!!! Felicidades chicas!!!,2.2,Spanish
+2835,que cover de Louis hago? a las 18hs termina la encuesta daleeE,1.5,Spanish
+2836,@user @rosadiezglez ... os llamarian mentirosos engañados y os dirian que los dejeis en paz de una vez.,2.5,Spanish
+2837,@user @user Intento con el primero y vemos jajaja,2.4,Spanish
+2838,"@user estoy de acuerdo, donde firmo?",2.0,Spanish
+2839,"@MaxKaiser75 Cree que lo logren?, cómo apoyamos?",1.6,Spanish
+2840,Pablo Casado avisa: habrá una larga lista de recortes sociales cuando llegue al Gobierno http,1.2,Spanish
+2841,"@user @user Y ni hace falta mi nombre, es obvio de lo que se habla. Ni tú eres tonta ni yo tampoco.",2.8,Spanish
+2842,@user @user @MasterChefMx Pinche @user ya por favor cállate!,1.5,Spanish
+2843,@CaracolRadio Esa represa tarde que temprano ocasionará una tragedia,1.6,Spanish
+2844,En adopción. Info por DM. http,2.6,Spanish
+2845,@user Nada cómo un pitillo después de un chiquillo http,2.6,Spanish
+2846,@user @IvanCepedaCast El insulto el discurso del cobarde,1.8,Spanish
+2847,@user Y 🇻🇪 pa cuando la recibe?,1.5,Spanish
+2848,Que feo es saber que aún no puedes confiar plenamente en alguien...,3.6,Spanish
+2849,"Ortega Smith: «Lo de las etiquetas es algo que está pasado de moda. Estoy a gusto con el término ""soberanista"".»",1.4,Spanish
+2850,No sé a quien prendió más el video de Ester Expósito sí a las mujeres o a los hombres,2.2,Spanish
+2851,Meriton es viuda de Mateu Alemany. Nadie lo es más que ellos.,1.25,Spanish
+2852,"Tengo tiempo para todo pero no para perderlo, asi que hacela corta gracias",3.0,Spanish
+2853,"@user La foto queda pendiente, porque la que tenemos, usted no estaba en sus 5 sentidos 😂",4.2,Spanish
+2854,"Por favor que alguien me diga, que se toma para las penas! 🎶",3.0,Spanish
+2855,@Reforma @SCJN En cuanto consigan esa renovación podemos declarar inaugurada la dictadura,1.4,Spanish
+2856,Cambié el GPI por el quedate en casa! :( #covid_19mexico,1.6,Spanish
+2857,¿Cuándo me debutas a mis treasure 13? @ygent_official,1.8,Spanish
+2858,@user que buscan que los padres nos tiremos a la calle a pedir nuestro derecho ?,1.25,Spanish
+2859,@DiarioElPeruano Existen dudas que el pisco es peruano?,1.0,Spanish
+2860,la falta de amor q tengo hermano hace años q alguien no me quiere,3.8,Spanish
+2861,Si alguien esta triste o así tireme dm aquí lo ayudo :),3.2,Spanish
+2862,me deprime pensar que quizás no pueda seguir con algunas materias porque no tengo plata :(,4.2,Spanish
+2863,Siempre pienso que el amor de mi vida era el nene que vi en Kmart con una camisa de Nine Inch Nails.,3.4,Spanish
+2864,Quien le pone el cascabel al gato ?,2.2,Spanish
+2865,@user Que mierda es esto,2.0,Spanish
+2866,"Yo venía sin tropezar, pero me enrede con tu lengua, y cuando me quise correr vos me atrapaste entre tus piernas.",4.6,Spanish
+2867,"Hay que aprender a soltar, lo que ya te soltó a ti.",2.8,Spanish
+2868,LEDAMOLAGRASIALOJUGADORE,1.4,Spanish
+2869,Esa manera tuya de recordarme cual es mi prioridad... http,3.0,Spanish
+2870,@user @user Y lo vas a cumplir y de hecho ya a empezado a cumplirse 😁,1.0,Spanish
+2871,verga me quiero morir,4.0,Spanish
+2872,@katyperry @cynthialovely @birdsofpreywb Al menos ahora no solo promocionas a CYN si no tmb a algunos de mis favs esta te la perdono,2.6,Spanish
+2873,Mi tarado favorito es ese al que mientras está veraneando en la costa le preguntan de dónde es y responde BUENOS AIRES.,1.6,Spanish
+2874,"Quisiera un kilo de helado de limón , y miras películas acurrucada con mis osos",3.0,Spanish
+2875,enterramos el pasado pero seguimos llevándole flores,3.4,Spanish
+2876,@user Ya presenté el examen 🙁 gracias de todas maneras,2.6,Spanish
+2877,@user Es mejor tenerlos ambos.,1.25,Spanish
+2878,@user Ahí ya te di como 4-5 preguntas que están redactadas de manera indirecta jajajaja,2.8,Spanish
+2879,Sigo con hambre 💔,2.2,Spanish
+2880,@user si no fuera por la altura iba de casting,1.2,Spanish
+2881,@user @guillemclua @user Feliz #DíaMundialDelTeatro también para todos y todas.,1.6,Spanish
+2882,@user @user Muchas Gracias guapo 💕🌟💞,2.6,Spanish
+2883,@user @user Sin julio por malo,1.25,Spanish
+2884,No mames no mames no mames hay una luciérnaga en mi cuarto Qué bonito tenía años que no veía una creí que ya no existían,3.0,Spanish
+2885,"Soy la única que quiere tomar mates TODO el tiempo?? No importa la hora, el clima ni el momento",1.8,Spanish
+2886,Me la re mande y ahora no la puedo arreglar más que lindo todooooooo,2.0,Spanish
+2887,"Qué buena serie Mad Men, cómo no me decidía a verla?",2.25,Spanish
+2888,"@user ☕🌞Buenos Días☕🌞 que tengas un super día cargado de bendiciones, alegrías, salud y buena vibra👍🤗 http",2.5,Spanish
+2889,alguien pa hablar un rato?,2.8,Spanish
+2890,@user Me encantas...MA haces reír,3.8,Spanish
+2891,Jonathan Montenegro criticó canales de televisión venezolanos que omiten la realidad del país - http,1.2,Spanish
+2892,Estoy saltando de la alegría porque ninguna tijera paso por sus cabellos largos,1.4,Spanish
+2893,"hacen un hashtag insultando a alguien que ni siquiera conocen solo para promocionar sus fancams, que personas mas estúpidas",3.2,Spanish
+2894,Amigo me tiemblan las manos y tengo los antebrazos acalambrados de tanto bloquear patadas en el entrenamiento de hoy 😫,3.4,Spanish
+2895,Unas ganas de tener una 2da fija para hacer algo cuando yo quiera,3.333333333333333,Spanish
+2896,@user Quieren quitar al papá,2.0,Spanish
+2897,"@WRadioColombia Rata de cuello blanco, ojalá te hayan violado en esa cárcel americana!!!",4.2,Spanish
+2898,@Loulogio_Pi Increíble historia ha sido una maravilla disfrutar de tu creación muchas felicidades lou http,2.4,Spanish
+2899,"""Comer no puede ser un privilegio ""@alferdez",1.75,Spanish
+2900,@user Morbo con el uniforme de futbol 🤤😍,3.2,Spanish
+2901,Al comienzo del Curso Escolar se inicia también La XXXIX Campaña Paz en la Tierra http vía @user Jóvenes,1.0,Spanish
+2902,Nueva cuenta ☺️,1.4,Spanish
+2903,"@user Ni a mí tampoco, no me hace nada :(",2.25,Spanish
+2904,"Mis ""si necesitas algo estoy"" duran hasta que yo me muera. ¿se entiende?",3.8,Spanish
+2905,"Haceme mierda contándome la verdad, pero por favor no me mientas",3.6,Spanish
+2906,@user Cómo lo supo. AH.,2.0,Spanish
+2907,Esta semana es súper corta pero les juro que en 2 de 3 dias me hacen el orto lpm voy a llorar,3.4,Spanish
+2908,"Soñé que comia medialunas de banana, el alma de gorda hasta en sueños",3.2,Spanish
+2909,"Si terminas una relación no le eches mierda a tu ex en redes sociales, te ves muy patético!",3.6,Spanish
+2910,@user Con epicentro en el V. La Malinche 👌,1.5,Spanish
+2911,Lo unico q busco seriamente a esta edad es laburo en blanco,3.2,Spanish
+2912,Por que verga mis amigos no viven más cerca de mi casa para quedarme la noche hablando con ellos?,3.0,Spanish
+2913,"@user mi pla me dió bola y salió mal, mejor así",3.2,Spanish
+2914,Cada vez mas fuertes los rumores de la muerte de Kobe Bryant. Ojalá sea un maldito rumor.,1.6,Spanish
+2915,"@user Fue un día muy aburrido, mi vida es bn aburrida",3.75,Spanish
+2916,Que carajo la gente que comparte tus historias/publicaciones,1.6,Spanish
+2917,@todonoticias Es un espanto!,1.0,Spanish
+2918,ENCUESTA: ¿Cree Ud. que el Congreso Chileno es corrupto y esta desprestigiado? VOTE Y LUEGO RT RT,1.5,Spanish
+2919,Es muy bonito. http,1.8,Spanish
+2920,"Ha pasado en todo el mundo, y desde hace mucho. ¿por qué no iba a suceder aqui? http",1.6,Spanish
+2921,Se puede ser más bonita?? @user http,3.75,Spanish
+2922,A ella le gusta Malu. Hombre ya!!!!! No escuchas hijo. #firstdates881,3.4,Spanish
+2923,Qué hace un hombre en el baño de chicas http,2.4,Spanish
+2924,"@user @user Y Cande la dama de honor, todo arreglado",1.5,Spanish
+2925,ʸˢ💙 @user La maracuchita más hermosa que he visto.,3.75,Spanish
+2926,Lo que daría por poder estar bien,4.666666666666667,Spanish
+2927,@user Que tiene que ver el dron con el explosivo?,1.0,Spanish
+2928,"anoche faltó Si ella quisiera, Salgo pa la calle y Travesuras Remix",2.2,Spanish
+2929,@user @user Sin entrar en lenguajes escatologicos se les puede llamar obsecuentes traidores.,1.5,Spanish
+2930,Es cuestión de acostarme en la cama para que el zancudo vuele en mi oreja!!!!! http,2.0,Spanish
+2931,@user @user la usa para imprimir fotos suyas y pegarlas en la pared del baño jajkajska la amo,2.8,Spanish
+2932,ustedes creen que soy hard o soft,3.0,Spanish
+2933,España venció 1-2 a Rumanía. Sergio Ramos anotó uno de los goles de la roja. http,1.0,Spanish
+2934,Ezequiel te amo hijo de puta pronto serás mio forro,3.6,Spanish
+2935,"Buenos días cabr@s lindos de twitter, gran día para todes.",2.6,Spanish
+2936,@user La de Nick jonas en camp rock? Es que no recuerdo muy bien su nombre 🤔😅,1.0,Spanish
+2937,a veces quiero tuitear banda de cosas pero es como que che amiga no da,2.333333333333333,Spanish
+2938,"give me the mic, quiero despegar del piso como kendrick lamar, baby todo por ganar, solo tell me the price que las horas pasan",1.3333333333333333,Spanish
+2939,Tío que los americanos pagan un pastón para ir a la puta uni y encima los exámenes son TODOS tipo test ya me jodería,1.6,Spanish
+2940,"Este niño también se disfrazó de Ariel, como Taylor Swift http",1.2,Spanish
+2941,JAJAJAJAJAJ acaso fui yo quién la empezó a seguir y a darle mg a sus fotos?,3.2,Spanish
+2942,Yo nose como hay mujeres que tienen cara pa seguir escribiendole a sus ex cuando ya ellos tienen hasta novia nueva,3.2,Spanish
+2943,oigan q lindo q busquen cualquier excusa para hablarte soy este 🥺,3.0,Spanish
+2944,Dime cuándo vamos a vernos pa’ comernos,3.4,Spanish
+2945,@user Tiene ganas de que lo capturen o qué?,2.8,Spanish
+2946,necesito dejar de sentir esto,3.8,Spanish
+2947,las drogas son malas pero yo soy peor,3.0,Spanish
+2948,@user Yo tengo espada y tu,2.25,Spanish
+2949,"""Con tu mirada, con tu cara, con la mía, sinfonía los dos...""",4.0,Spanish
+2950,"La luna es un recordatorio constante: estés en la fase que estés, siempre estarás completa http",2.0,Spanish
+2951,¿ Por que la televisión no informa nada sobre lo ocurrido en Recoleta sobre el juicio por los departamentos ?,1.4,Spanish
+2952,"@user En serio , son vehículos ???",1.0,Spanish
+2953,@user ysi loco si somos lo mejor,1.8,Spanish
+2954,@user España - Holanda en fútbol y España - Francia con los 30 puntazos del señor Pau Gasol en baloncesto,1.0,Spanish
+2955,me mate haciendo una red conceptual de todo lo visto en el año y ni siquiera se si me la van a recibir pq ya es tarde:p,3.25,Spanish
+2956,@eldiariodedross Perturbador y tierno a la vez.....por que no lo había pensado 🤔🤔,2.8,Spanish
+2957,@user Gracias por ayudarla. Cuantos habran pasado y la ignoraron??? Que Dios te bendiga y tambien a Pipina!,2.0,Spanish
+2958,TVE censura una entrevista a los funcionarios de prisiones por criticar al ministro #Marlaska http,1.2,Spanish
+2959,@user @user En las próximas volvéis a votar lo mismo para que os vuelvan a ayudar como ahora.,1.5,Spanish
+2960,@user @user La gatita de mi hija también se llama Michi!!!!,2.8,Spanish
+2961,"@user ¿Que tal está My fat, mad teenage diary? Lo quiero leer pero tengo miedo que no esté tan bueno como la serie.",1.0,Spanish
+2962,"@user Tienes una nueva notificación del servicio (C-1, C-7)",1.0,Spanish
+2963,y encima el lunes hay trimestral de literatura y hay quw hacer una maqueta lym,2.0,Spanish
+2964,Lo prometido es deuda aquí está una fotito espero que les guste dale me gusta para más http,3.2,Spanish
+2965,@user Es estilo terremoto,1.2,Spanish
+2966,"Como quisiera que suban alguna foto o me dijeran ""te extraño"" o algo asi pero no me pasa ni a palos jajsja (que fracaso ser yo)",4.0,Spanish
+2967,@user Es que es cuate del tres quiebres... seguro lo asesora en imagen,1.6666666666666667,Spanish
+2968,@user hoy me desperte con ese pensamiento!! sera que el mexicano es o fue el tye raku del Olimpia😦😦,2.0,Spanish
+2969,Haciéndole el aguante al viejo ❤,3.4,Spanish
+2970,"Nunca pensé decirlo pero, devuélvanme a Cartago pls😩",2.4,Spanish
+2971,–¿Estás bien? –Sí. –¿Y por qué pusiste que te quieres morir en Twitter? –... http,2.8,Spanish
+2972,@jorgeberry @lopezobrador_ Si pero no. Para el es una filosofía de vida,1.0,Spanish
+2973,@user Muchas gracias por el maravilloso envío. Un regalo!!,1.2,Spanish
+2974,A las mujeres les gusta que uno las cele?,2.2,Spanish
+2975,"como le van a decir suegra a la mama de martin, por dios haganse un fandom en facebook, agrupense todos los ahi y no vuelvan porfa",1.75,Spanish
+2976,quiero empezarme Inuyasha porque nunca lo he visto pero tb quiero ver skam italia o skam francia rip,1.75,Spanish
+2977,Mi amiga cree que estoy con los ojos rojos porque he estado llorando jajajajajajajjajajajajajaja,3.6,Spanish
+2978,Alguien me la trae?,2.333333333333333,Spanish
+2979,@user Exelente la respuesta a la notera de TN y buenísima la Uds. al globoludo,1.2,Spanish
+2980,@user @Kicillofok Los Eskenazi no tienen alguna conexión con este Fondo?,1.6,Spanish
+2981,Con la china (no recuerdo el nombre 🙏🏻) te apañaste bien,2.0,Spanish
+2982,Necesito ese flow cuando llegue a viejo http,2.6,Spanish
+2983,"@user ¡Pues la verdad que bastante bien! ¿Y tu, que tal?",2.5,Spanish
+2984,Lo único que quiero es que mis hermanas se arreglen😞,4.25,Spanish
+2985,Ok acabo de escuchar un poema del maestro Neruda con una melodía electrónica de fondo así toda ecléctica. Me encantó.,3.5,Spanish
+2986,"Señor pijo, no se enterque con castillo, de le chanche al yuca Henry, por favor haga caso y sus se puede",3.0,Spanish
+2987,"@user Y cómo gua'u voy a saber? Lo que digo es, porque esta mal que solo sean amigos de farra? Pega nio tener de esos...",3.4,Spanish
+2988,@user Joder que ganas de rejugar toda la saga,1.4,Spanish
+2989,#SeVieneMKW cómo q quedan tres días para la campaña si ayer estábamos reunides en un curso hablando de los pilares,1.8,Spanish
+2990,"@user Uuu que terror otra toma !! ..se suma a la que existió en la rosada por cuatro años..pedían .TN,Bonadio, fugan al exterior !!",2.0,Spanish
+2991,"Maialen la mejor, te quiero, te amo, te adoro, te voy a llevar a todo lo alto con mis propias manitas #OTGala2",3.8,Spanish
+2992,@user Jajajaja todo bajo control bien ahí 👌... paseo fue ese partido,2.2,Spanish
+2993,AMLO: La doctrina de los conservadores es la hipocrecía. Dresser:... http,1.4,Spanish
+2994,"@user Yo ya soy rico putón, solo que en vez de gastarme el dinero en narró me lo habría gastado en gucci y en perico",3.0,Spanish
+2995,Un B-52 estadounidense llega a una base aérea de Catar en medio del deterioro de las relaciones con Irán http,1.0,Spanish
+2996,no puede ser q me ria tanto con memes de NARUTO,1.8,Spanish
+2997,@LeeBrown_V @justinbieber no sé quién sos pero ya me caes bien,1.6,Spanish
+2998,"@user Son una mafia! No se pueden tomar taxis en Buquebus, son unos chorros",2.2,Spanish
+2999,Este año me enfoco en mi y sólo en mi,3.0,Spanish
+3000,Igual de los pythons siempre el que mas me gusto fue Graham Chapman,1.25,Spanish
+3001,3 proyecciones económicas para América Latina en 2020 (¿y será un año tan duro como 2019?) http,1.0,Spanish
+3002,@user Y esta que la original es de Chic pero me gusta más esta http,2.0,Spanish
+3003,@clarincom Le queda poco a esta delincuente... http,1.4,Spanish
+3004,Ahí también la derrochan en subsidios. http,1.0,Spanish
+3005,2500 votos para puigdemont en andalucía estoy-,1.5,Spanish
+3006,@user dios habia otra frase re buena pero s eme olvido,1.25,Spanish
+3007,@user ¡Tomá! ¡Y vos también! http,1.2,Spanish
+3008,Allá en otro mundo que en vez de infierno encuentres gloria y que una nube de tu memoria me borre a mi...,3.4,Spanish
+3009,@user @Lowi_es Más todavía #tormentaLowi,1.0,Spanish
+3010,"@amilcarmontejo Los vi iban caminando entre los carros. Zigzagueando, demasiado ebrios para caminar",2.75,Spanish
+3011,@user @user @user @user real q sois lo mejor q hay en mi viddda 👶🏻♥️,3.2,Spanish
+3012,"Avril merece la promoción que tiene Taylor, se tenía que decir y se dijo. 🙃",1.5,Spanish
+3013,@user Jajajaja mi tía :’3,2.2,Spanish
+3014,@CaracolRadio @user Admiración total,1.0,Spanish
+3015,"@user @user Ya me los imagino en el centro, en el cine, en eventos con los crocs, igual que Juancho JAJJAJAJA",2.5,Spanish
+3016,47. ante la problemática de momo: johnny tiene que actuar http,1.0,Spanish
+3017,La felicidad está en las cosas simples no en lo material,2.2,Spanish
+3018,@user Y para colmo me quedé dormida por que no me puse la alarma. Soy un desastre,3.25,Spanish
+3019,se me quitaron hasta las ganas de salir,1.8,Spanish
+3020,@user En la serie 😂,1.0,Spanish
+3021,"@DesMonsivais @FOXSportsMX @Rayadas Éxito hoy Champ,Con todo hoy que alrato cae el 66⚽️",1.0,Spanish
+3022,Solo falta que pongan la pesca de la Pantoja en pasapalabra #SVGala2,1.3333333333333333,Spanish
+3023,"Ahí, esperaré a que mis hijos se unan a mi y cuando lo hagan disfrutaré escuchando sus relatos de victoria http",3.0,Spanish
+3024,@user es la única manera q de dejé de exparcir :(,1.75,Spanish
+3025,"@user De naddda, vos sabés q cuando quieras jajaj. Los coqueee?",2.333333333333333,Spanish
+3026,Yo eai quería seguir hablando con vos pero bue,3.5,Spanish
+3027,"Sí, seguro. es como decir que ""el fuego es sólo algo mental, no te afecta"". http",2.2,Spanish
+3028,La #cultura en #Bolivia recibirá Bs 140 millones gracias al programa #IntervencionesUrbanas http,1.0,Spanish
+3029,Nunca tengo con quien hablar en las madrugadas 😪,3.4,Spanish
+3030,Sí era con nosotros o.,1.0,Spanish
+3031,"@AlcCuauhtemocMx @nenulo @user @user @user Me gusta mucho la cultura colombiana, me daré una vuelta el viernes.",2.8,Spanish
+3032,"Ando necesitado explicaciones, ¿¿alguien q me las puedad dar??",2.6,Spanish
+3033,@AnabelAlonso_of La prueba del nueve. Gran acierto de Casado.,2.4,Spanish
+3034,Despues De Todo Lo Malo El Sol Siempre Vuelve A Brillar,1.8,Spanish
+3035,"@user Claro que si chicos, solo dejen que pase el embarazo 😭🤗",3.5,Spanish
+3036,@user Lo que sea pero tía pero que cumplas.,2.8,Spanish
+3037,"Ya perdí la cuenta de las veces que vi a jungkook filmar a jimin, chau renuncio",2.2,Spanish
+3038,Pero pusieron la canción 🤷🏻‍♂️,1.4,Spanish
+3039,Necesito amigas que no me dejen de lado,3.4,Spanish
+3040,Preparando mis mejores twt para putear el nefasto PR y ver si le daré un Óscar un Emmy o un Tony a Camila por la actuación q nos va a dar,1.8,Spanish
+3041,unas ganas de estar en el cumple de mi amiga :((,2.4,Spanish
+3042,"No sé ligar con mujeres. No sé qué pasa por sus cabezas, jajajá. #EXO @user",2.2,Spanish
+3043,@user Las que más me gustan actualmente de mi. Ig: Joshua_Peletay ahre http,3.4,Spanish
+3044,Ya necesito nuevamente vacaciones,1.8,Spanish
+3045,@user Con 200 pesos y punto,1.5,Spanish
+3046,#FuerzaChairaMexicana les desea feliz navidad a aquellos que se levantan y encienden la mañanera,1.0,Spanish
+3047,"""Rusia tiene que salir"" de Venezuela, dice Trump al recibir a la esposa de Juan Guaidó | #Internacionales | http",1.0,Spanish
+3048,amanecí muy birriondo,3.8,Spanish
+3049,"@user Si te hace más feliz, tome la misma decisión",3.6,Spanish
+3050,@user jajaja por lo menos es un fetiche sano☺️,4.5,Spanish
+3051,"Estas mejor lejos de mi, vuela alto, sueña fuerte y se feliz.",3.25,Spanish
+3052,@user La próxima elección será sólo de candidatos INDEPENDIENTES porque los dependientes VALEN CALLAMPA.,1.6,Spanish
+3053,ysi en todas las jodas la pasó bien si estoy con mis amigas 🥰🥰🥰🥰🥰,3.8,Spanish
+3054,@user El keterolac me súper duerme! Tengo que seguir con mi día 😂,2.6,Spanish
+3055,Con sitio hablen,1.0,Spanish
+3056,@miguelinzunza fue una hermosa violencia http,3.2,Spanish
+3057,"@user Eres un tío afortunao, seguro que vuelve la racha.",1.8,Spanish
+3058,@user cuando me invites,2.5,Spanish
+3059,no soporto las personas oportunistas 🤬,3.2,Spanish
+3060,yo al verano llegué como se me cantó el orto o sea con ---&gt; 65 kilos de amor y dulzura mami http,3.5,Spanish
+3061,Confirman la muerte de 3 niños indígenas en localidad de Chocó en Colombia http vía @user #4FPatriaDigna,1.75,Spanish
+3062,Mi corazón está muy cálido gracias a estas Imágenes... ❤️ http,3.4,Spanish
+3063,Tranqui lejos lo mejor que me toco en todos los fifas http,1.5,Spanish
+3064,¿ Quién cree en el déjà vu ?,1.4,Spanish
+3065,#BuenJueves a mi me pintó crearme una cuenta en tw. Seguime te sigo (?,2.2,Spanish
+3066,@user a mi tambien me meo pegan mazo con el concepto,2.0,Spanish
+3067,Tengo amigos mirreyes y son la pura mamada.,1.25,Spanish
+3068,@user Vos en la cocina 🐖😂,3.0,Spanish
+3069,"Pasan las horas y la memoria, busca una solución, para volverte a ver 🤷🏻‍♀️ para encontrar tu voz. 💫",3.5,Spanish
+3070,@user dibuja a naho y a kakeru por mi,2.0,Spanish
+3071,@user @metro_madrid El pan nuestro de cada día! ☹️,1.25,Spanish
+3072,quiero juntarme con castro y juli a comer fideos moñitos😭,3.4,Spanish
+3073,@user Uuufff que rico y delicioso lo hace,4.0,Spanish
+3074,Perspectiva de los demás en la casa/ mi perspectiva http,1.8,Spanish
+3075,@user Claro. Es fastidioso que gran cantidad de gente hable de algo de lo que tu no sabes absolutamente nada.,2.25,Spanish
+3076,Yo me quiero morir como del 2012. Imponiendo modas desde always. Ahre,2.75,Spanish
+3077,@user Jajajaja no se la bancan una vez me bardearon porque expuse q hacen todo con el orto 🤷🏻‍♀️,3.6,Spanish
+3078,@user @user Soy de El Salvador,1.2,Spanish
+3079,@user @user Y las feministas? No las oigo?,2.5,Spanish
+3080,@user Tampoco a los que todos los días tenemos que ir a trabajar,1.4,Spanish
+3081,"Se tendría que prohíbir escuchar musica con personas, después se van de tu vida y como haces para poner el tema y que no te haga acordar",3.2,Spanish
+3082,@user eso no sirve allá.,1.75,Spanish
+3083,Me parece que voy a ir al bingo.,2.2,Spanish
+3084,@user @user No entendí jaja,1.8,Spanish
+3085,"@user Qué sabes. Ya llegó el avión de China, en dónde los Irán a alojar ¿?",1.6,Spanish
+3086,"@user de una amiga, me quiere hacer la cola",4.0,Spanish
+3087,River goleó 7 a 0 a All Boys en un amistoso y llega enchufado a sus próximos partidos http,1.0,Spanish
+3088,@maduradascom Ese es lo peor de los corruptos http,1.2,Spanish
+3089,@LANACION @LANACION la foto ? ¿ el editor responsable ?,1.6,Spanish
+3090,Cuanta contradicción en una sola foto. http,1.25,Spanish
+3091,@pacomarhuenda @MasDeUno Se puede ser más irresponsable !!!,2.0,Spanish
+3092,@user @user @user Tmr esa mierda tb debería ser opcional para nosotros,1.5,Spanish
+3093,Fran se despertó hablando de su próximo cumpleaños 😥 Calmate hija que todavía sueño que estoy atando cordones 😟,3.0,Spanish
+3094,"Pues no morí aquí, pero si casi en el camión de Altavista. Y aún no son las 12.",2.6,Spanish
+3095,solo t pido q no me apuñales cuando abra mi cuerpo pa darte un lugar,4.0,Spanish
+3096,"@user Escuchar Vivaldi. Las estaciones, Verano.",1.75,Spanish
+3097,@user 🤔🤔🤔🤔🤔 mejor para el 2021 🤗🤗🤗,2.0,Spanish
+3098,@user 😅😅😂😂🤣🤣... me compusiste el día mi Lalo 😎😎!!!,2.8,Spanish
+3099,@user viernes y viene el traba a dar el mismo ahí e de todos los viernes,1.5,Spanish
+3100,@user Feliz año señooora feliz año señooora,2.2,Spanish
+3101,quiero ver a mi abuela 😢,3.4,Spanish
+3102,"@Supervivientes A ver cuando os cierran el programa, es totalmente prescindible",1.0,Spanish
+3103,Los placeres no son culposos.,2.5,Spanish
+3104,@user saludos Sra. Macky. Dios cobije su alma y les de fortaleza. Siempre se hará presente en pequeños detalles. Un abrazo,3.0,Spanish
+3105,🌵 ¿Conoces las 7 maravillas del mundo actual?... http,1.0,Spanish
+3106,Las movie están a dos por tres. 🏃🏻‍♀️💨,1.25,Spanish
+3107,@user Insensibilidad en su máximo esplendor,1.4,Spanish
+3108,Es hoy Peñarol 🙏🏻,1.25,Spanish
+3109,"@user Oooooooye, eso suena muy bien! Digo, nada..",1.25,Spanish
+3110,@user Claro solo dale atras y vota asi hasta que te canses 😂,2.0,Spanish
+3111,"Que suerte tienen los que no sufren dolor de espalda, no se lo deseo a nadieeee",2.8,Spanish
+3112,yo twitteando para las 3 personas que me leen o ni eso http,2.0,Spanish
+3113,@user te quiero,3.8,Spanish
+3114,Mar me hizo unas hamburguesas zarpadas 🐷😻,2.6,Spanish
+3115,Como amo lavar los platos y ollas Esa satisfacción de ver cómo queda limpio después es inexplicable (?,2.2,Spanish
+3116,@user literal yo esperaba lo peor y no senti nada de nada,3.0,Spanish
+3117,@user @user Seguro lo dice por todas esas empresas a las que les dimos de comer y les pagamos sus impuestos,2.75,Spanish
+3118,@user Esas son las consecuencias del voto desinformado :(,2.0,Spanish
+3119,@user @nayibbukele Felicidades nueva ministra de educación,1.4,Spanish
+3120,@user @user Vivimos en una sociedad -,1.2,Spanish
+3121,Yo sólo quiero entrar al colegio para matarme de risa con las estupideces de los chiquillos😹😭😹💛,3.0,Spanish
+3122,@user Un saludo revolucionario por favor me pueden informar porq no puedo registrar en billetera móvil comprador,1.2,Spanish
+3123,🧩 ¿Son fiables las aplicaciones que miden el rendimiento físico? http,1.0,Spanish
+3124,@user si digo hace cuanto tiene las mismas cuerdas viene algún sindicato a retirarla de mi poder 😇,1.25,Spanish
+3125,"@user No hace falta, Faye tiene la cabaña. ¿Qué te parece la macarena? Nunca falla.",1.3333333333333333,Spanish
+3126,cuarenta y nueve canciones y todavía no sabemos el nombre NI DE UNA y seguro vamos a terminar escuchando 10 porque esto es ser fan de camila,1.25,Spanish
+3127,"Hoy es Vieeeeeeeernes, y tu cerveza lo sabe. ¡Salud! #BuenViernes @user 🍺😋👍",2.4,Spanish
+3128,@user @user y en un rato se viene la primera del 2020,1.25,Spanish
+3129,Fer hoy me llevo unas galletas al Francia y juro que con 5 min me alegro el día.,2.2,Spanish
+3130,@user En España importa más la riqueza de unos pocos que el bienestar del pueblo... 🤦‍♂️,1.5,Spanish
+3131,Enséñenme a tocar jazz la neta estoy pendejo jajaja,2.6,Spanish
+3132,"Una nueva oportunidad nace hoy, y elijo esforzarme al máximo.",3.8,Spanish
+3133,bueno............ se ha quedado una buena noche pa ahogarse en un charco o tirarse de un noveno,3.6,Spanish
+3134,La puta que día más aburrido,3.25,Spanish
+3135,@user Calderón y Wallace bajo la misma lupa http vía @user,1.0,Spanish
+3136,Mi alma pide paz... No sé donde estará.,2.8,Spanish
+3137,Aprender de los errores cuenta como autoaprendizaje. Pásalo.,2.2,Spanish
+3138,Wiiii ♥ Que el cianuro te lleve por el buen camino campeon http,1.8,Spanish
+3139,"Por qué tengo que hablar de más, juepuuuuuta.",2.4,Spanish
+3140,@user @user @user dale las gracias a lorena,2.2,Spanish
+3141,Cuando le pone la canción,1.0,Spanish
+3142,@user @user Muchos y debemos conformarnos con Estado Nacional 😕,1.2,Spanish
+3143,@diarioas Cuantos ratos @user muertos jajaja,1.0,Spanish
+3144,@petrogustavo Típico socialista doble discurso,1.75,Spanish
+3145,"Acaricia la espalda de Lazy tranquilamente. —Estoy bien, cariño. ¿Y tú?",4.5,Spanish
+3146,Me baño y me acuesto a dormir me siento re mal,3.4,Spanish
+3147,me dejó de hablar un wacho q me caía muy bien jdjdj acostumbrada a q los varones m terminen odiando por no callarme la boca 🤘🏻,3.6,Spanish
+3148,Yo juro amar a mi mj amiga pero cuando vuelve con el imbecil de siempre suele olvidarde de los demas,3.6,Spanish
+3149,Hay un gato que se mete por mi terraza y baja a la casa a comerse las croquetas de mi perro,2.4,Spanish
+3150,Destino a 'Juego de Tronos': estos son los escenarios que triunfan en vacaciones http vía @20m http,1.0,Spanish
+3151,"2 afk en la misma partida, que tiene tela eso..",2.0,Spanish
+3152,"@user Pues yo con 4gb procese el Spanish Billion Word, tardó unas 5 horas, pero si pudo 😅",2.333333333333333,Spanish
+3153,"Guardo un espacio en mi corazón para ti...te he pedido, te he soñado y no has llegado... http",4.4,Spanish
+3154,Mi único y verdadero talento es aparentar 5 años menos de los que tengo.,1.5,Spanish
+3155,Por qué no lo leí cuando aún era joven 🥺 http,2.5,Spanish
+3156,"@user @user @user @user @user Yo llevo el bordado, una de whisky y el código #latera",2.2,Spanish
+3157,Me sigue doliendo igual que cuando me tumbé pero bueno :(,3.2,Spanish
+3158,El viento que está haciendo???? Osea me está agobiando un montón,2.8,Spanish
+3159,Que si tengo un reloj que si le pienso responder 🎶,1.4,Spanish
+3160,La verdad q no sé pq me sigo gastando en responderle al vaguito este q me busca cuando le pinta ajjsjs,3.4,Spanish
+3161,@user El 8 en cuanto?,1.2,Spanish
+3162,@user yo + y gracias hsa,1.3333333333333333,Spanish
+3163,1 y 2 #Wimbledon,1.0,Spanish
+3164,@user Apto si ese tipo de ejercicios son para no liberar violencia,1.4,Spanish
+3165,acbo de desñertar de otra oesdilla y me duele horribñe mi cuellozñ,3.5,Spanish
+3166,@user estoy bebiendo pa ver si te duplicoooooooo,3.0,Spanish
+3167,@user jejeje q te quiero yo mi pequee,4.0,Spanish
+3168,Oye pido perdón a toda la gente que me tiene que leer y os la pela el fútbol femenino. Desde aquí MIS MÁS SINCERAS DISCULPAS,2.2,Spanish
+3169,RT LYChile: 📈 El hastag #ChileIsReadyForYouBTS esta en el segundo lugar de tendencias en Chile para pedir el regreso de BTS_twt a nuestro…,1.0,Spanish
+3170,@user @user Cuatro por favor me apunto🌷💘😘,3.75,Spanish
+3171,"@MicaSuarez12 @user @user me puedo quedar para siempre en tu fandom?? sos un solcito, nada que ver con federico",3.75,Spanish
+3172,"Tengo todo el dia escuchando Afro house, mas que todo de Black Coffee y coño que rico vale",2.0,Spanish
+3173,"@user hola me gustaria saber como puedo ver la ultima temporada del giornalista ?,no esta en 13c.",1.2,Spanish
+3174,"@user @user Si JG mete a su gente, van a ser sus empleados.",2.0,Spanish
+3175,Los llamaba “Idiotas útiles” y ninguno tiene idea de esto. http,1.75,Spanish
+3176,"""Mira profundamente en la naturaleza y entenderás todo mejor"" Albert Einstein",1.2,Spanish
+3177,@brozoxmiswebs Eso pasa cuando la soberbia y la pendejes se juntan y no se ve por un bien para el crecimiento de México 🤷🏻‍♀️,2.4,Spanish
+3178,@epigmenioibarra Eres pendejo y todavía lo presumes,2.75,Spanish
+3179,@user Não tô dizendo que tá certo esse pensamento btw,2.0,Portuguese
+3180,@user c nao tem talento nenhum clara?,1.6,Portuguese
+3181,@user amo mais Lindo,3.6,Portuguese
+3182,foda é que ela é linda,2.2,Portuguese
+3183,@user @user Exato. Muitos duvidaram dos últimos lançamentos como TLOU2. E olha o jogo que os caras entregaram.,1.0,Portuguese
+3184,"A minha alto estima fica variando durante a semana, tem dia que eu me sinto bonito e no outro me sinto lindo.",3.2,Portuguese
+3185,"Comprei o livro especialista em pessoas, ótimo pra quem quer saber lidar com todo tipo de gente.",2.2,Portuguese
+3186,@user @user @user Se seguirem a mesma vive da casa não vão mesmo kkkkkkk e pra Sarah é mais difícil a situação.,3.2,Portuguese
+3187,@user O infeliz🙈,2.0,Portuguese
+3188,@user quem é você alasca,1.5,Portuguese
+3189,Acabou de publicar uma foto http,2.6,Portuguese
+3190,"Passo tranquila por todos os momentos ruins, meu Deus é maior que qualquer problema! 🙌🏻✨",3.2,Portuguese
+3191,Alguém me conta sobre ontem pq eu decolei,1.6666666666666667,Portuguese
+3192,"2 de janeiro de 2021 , e eu aqui tentando descobrir oque eu to fazendo no mundo",2.6,Portuguese
+3193,@user meus pêsames :( espero que vc e sua família fiquem bem,4.2,Portuguese
+3194,buceta de chuva buceta de ônibus vou matar todo mundo aqui,3.5,Portuguese
+3195,@user bom dia cria,3.2,Portuguese
+3196,"meu pai é mt mentiroso, socorro kkkkkkkkkkkkkkkkkk",2.6,Portuguese
+3197,@user beijava todos,4.2,Portuguese
+3198,meu deus é isso vou assistir crepúsculo,2.4,Portuguese
+3199,sem força nenhuma,2.2,Portuguese
+3200,"@user pois e eu queria jogar ctg ,xd",2.2,Portuguese
+3201,Eu juro que não aguento mais estudar,1.6,Portuguese
+3202,@user flop tu não é,1.5,Portuguese
+3203,Feliz em ter uma pessoa que cuida tão bem de mim.,3.6,Portuguese
+3204,"Precisamos de uma base melhor, aliás, precisamos de uma base sólida e bem edificada. http",1.5,Portuguese
+3205,"que ódio,o travis scott vez um show em miami e eu não fui :(",2.4,Portuguese
+3206,"Ontem eu falhei, tentei resistir mas não consegui. Sim, eu comprei Bic Mac pra janta 😪. Muito difícil morar do lado do Mc donalds kkkkkj",2.2,Portuguese
+3207,@brunnosarttori Que vire carniça logo e libere o leito pra alguém que precise.,2.6,Portuguese
+3208,Traitor é boa mas me deixou com depressão,2.5,Portuguese
+3209,"@user Pior que não, ela é bem progresista",1.0,Portuguese
+3210,irmão eu sou mto gado eu cansei de tentar lutar contra isso eu assumo que talvez eu seja the gado 4real,3.6,Portuguese
+3211,parece que a carla não tá afim mas sl ne,3.4,Portuguese
+3212,@erikakokay É distanciamento social ou tem muitos buracos vazios mesmo???🤣🤣🤣🤣🤣🤣🤣🤣🤣🤣🤣🤣,2.8,Portuguese
+3213,@user Queisso vovs aí é vacilo,1.3333333333333333,Portuguese
+3214,@user Da minha vó*,1.2,Portuguese
+3215,@user Forças amada,1.0,Portuguese
+3216,Eu assisti a 1 dos filmes da Richthofen e achei horrível,1.0,Portuguese
+3217,@user @user vc é mais gay ainda,3.4,Portuguese
+3218,Isso foi uma confirmação né então pelo menos tá chegando logo http,1.6,Portuguese
+3219,"nunca vi guri tão babaca como esse, que nojo",2.4,Portuguese
+3220,"Não me acho substituível, podem ocupar meu lugar mas nunca vão ser como eu 🤙🏻",3.2,Portuguese
+3221,Amores fracos não merecem o meu tempo!,2.4,Portuguese
+3222,cara eu gostei da liv por tipo um mes a gente ficou super próximo eu dava em cima dela direto e ela NUNCA percebeu juro vei,3.6,Portuguese
+3223,No processo de superação os sentimentos ficam uma bagunça...eu sinto um pouco de tudi,3.2,Portuguese
+3224,Se defende é pq é igual tbm,1.6,Portuguese
+3225,"sério,eu já amo essa mulher http",3.6,Portuguese
+3226,"@user Cara, revendo o filme pela 50ª vez eu fiquei decepcionado dms o final dela :// merecia mais",2.0,Portuguese
+3227,@user Se fosse comigo eu ia ta chorando até agora !,2.0,Portuguese
+3228,como falar pra minha mãe que eu quero um livro de 300 reais sendo q nem amg pra usar ele eu tenho google pesquisar,2.0,Portuguese
+3229,"Goste ou não de mim Quero mais uma dose Amor, eu sou assim Libertários não morrem.",3.6,Portuguese
+3230,"Sou grato por tudo, independente de qualquer coisa. Só tenho a agradecer 🙏🏼✌🏽",2.2,Portuguese
+3231,queria um chá específico 😩,1.4,Portuguese
+3232,"Valor começará a ser pago em 2022 aos vereadores, mas parlamentar diz que é inoportuno #NotíciaAtual http",1.0,Portuguese
+3233,o D******* é um cuzão pqp,3.75,Portuguese
+3234,"@user KKKKKKKKKKKKKKKKKKKKKKKKK meno tá passando duas vergonha ao mesmo tempo, cansa não?",1.6,Portuguese
+3235,às vezes vou ao insta da minha crush só porque ela é linda,3.8,Portuguese
+3236,como ele é como eu vejo http,1.4,Portuguese
+3237,to tentando lembrar mais historias de quando eu era pequenininha,2.6,Portuguese
+3238,Ô pai me perdoa por estar rindo desses comentários. Um melhor q o outro http,2.0,Portuguese
+3239,"@user @user quero muito voltar a treinar, mas tenho q pegar um transporte",2.4,Portuguese
+3240,isso aqui é um lacre merecia ser title http,1.25,Portuguese
+3241,Acho que esse foi o 1 filme que a Globo passa que é maravilhoso,1.0,Portuguese
+3242,Parou uma mulher so meu lado na rua que só Deus kkkkk falava mal de todo mundo que passava,2.6,Portuguese
+3243,postamos foto do Vinnie e o Saul: 🥺 começaram a perguntar quem é Saul e o que ele é do Vinnie 🙂🔫,2.0,Portuguese
+3244,@user Eu nem precisei fazer muita coisa ali 99% é a sua beleza natural amor 🥰,3.6,Portuguese
+3245,o jogo da discórdia tá me dando sono igual o especial roberto carlos,1.2,Portuguese
+3246,"Solteiro me deito, sem chifres me levanto crlh 😂😂",3.8,Portuguese
+3247,@SF_Moro Lembra disso? Arquivado definitivamente hoje. Canalha! http,3.6,Portuguese
+3248,@user público,1.0,Portuguese
+3249,O fardo de ser bonita é muito pesado,3.0,Portuguese
+3250,nem as pessoas que eu me relaciono são tão cadelas da minha mãe igual a Milena,4.5,Portuguese
+3251,Eu nem acredito que vou encontrar a minha tribo amanhã. 😍,1.75,Portuguese
+3252,eu depois dessas fotos da Rafa http,2.0,Portuguese
+3253,manter em frente é necessário,1.25,Portuguese
+3254,Esses anúncios do YouTube são um carai,1.4,Portuguese
+3255,Imagina se a gente faz um gol hoje. Vamo Grêmio,1.0,Portuguese
+3256,meudeus eu não vou saber fazer uma redação http,1.8,Portuguese
+3257,@user nossa quem amg?,2.6,Portuguese
+3258,Só pra testa a nova atualização http,1.2,Portuguese
+3259,alguém patrocina minha angelical no ff,2.2,Portuguese
+3260,"@user me deseja feliz aniversário, viadinho",2.75,Portuguese
+3261,@user Até agr n consigo aceitar,2.0,Portuguese
+3262,@user @LeoPicon Hahahaha nossa história vai ser mais legal,2.6,Portuguese
+3263,A atuação dessa mulher merece uma estante de prêmios #MotherlandFortSalem #SaveMotherlandFortSalem http,1.6,Portuguese
+3264,@user cara se junta nós duas juntas esquece kkkkkkkkkkkkkkkkk,2.6,Portuguese
+3265,eu atraio dois tipos de homem mt específico acho isso genuinamente engraçado,2.8,Portuguese
+3266,Ta bom chega,1.25,Portuguese
+3267,Eu e a minha boa vontade de sempre,2.2,Portuguese
+3268,"@user melhor piloto do fds junto ao Nannini, foda foi a afobada na curva 1 ontem",1.8,Portuguese
+3269,@user @user 😯,1.0,Portuguese
+3270,"@user Que fofura, e ainda é educado rsrs",2.2,Portuguese
+3271,"Deus me livre namorar com gente que você sabe q vai ter que educar e fazer amadurecer, n vokere nunca mais",3.0,Portuguese
+3272,"@user Mano, pelo q tão cobrando aqui em Teresina, melhor continuar com os meus rins e córneas kkkkkkkkkkkkkkk",1.8,Portuguese
+3273,pprt esse negócio de capitalismo ta feio já,1.0,Portuguese
+3274,"@user simm!!! ele é tão perfeitinho e amável, impossível não gostar dele sério",2.0,Portuguese
+3275,"@user Eu tbm, só lágrimas aqui. Será q dá pra achar pra assistir ou já era msm?",2.25,Portuguese
+3276,@user eu acho lindo,1.8,Portuguese
+3277,@tatiroque @kalil_isabela Não por muito tempo... Acho que nenhum cacique do Centrão dormiu ontem.,2.4,Portuguese
+3278,me parece que só não choveu na ceilandia 🤔🤨,1.8,Portuguese
+3279,@user ele eh muito tontinho vei kkkkkjj,1.8,Portuguese
+3280,@user ah melhoras entao !!,1.25,Portuguese
+3281,"mlk os gaucho quando vao falar que o pao ta duro falam:""o cacetinho esta duro"" eu simplesmente estou perdendo tudo",3.0,Portuguese
+3282,@user @user @user se a gente não estudar*** liliana gatinha,2.4,Portuguese
+3283,@user KKKKKKKKKKKKKKKKKKKK torcer contra é sempre mais legal,1.0,Portuguese
+3284,@user Não dá pra entender o que passa ali. Mas há que ver. É o segundo ano na Ineos e em um Tour bem atípico,1.6,Portuguese
+3285,@user quantos encontros cabem numa vida?,2.2,Portuguese
+3286,O jeito que a minha vó quase quebra a casa logo cedo é diferente..,2.4,Portuguese
+3287,alguém pra fazer eu me apaixonar e depois me largar do nada tô precisando emagrecer,3.2,Portuguese
+3288,@user carro #PremiosMTVMIAW #MTVLATEAMKEN #MTVLACREADORGLTWINS #MTVLACRUSHBOGGI #MTVLAFANDOMTEAMKEN,1.0,Portuguese
+3289,"E vamos de trabalhar plena sexta feira, sem rua pra mim hoje",1.4,Portuguese
+3290,@user Recebida,1.8,Portuguese
+3291,@user vc as vezes tá nem aí pra mim eu fico triste,3.2,Portuguese
+3292,"@user sim viu , me travo as pernas tudo , fora a dor na bunda que no meu caso foi nas duas polpa kk",4.6,Portuguese
+3293,vou m arrumar sabe,2.4,Portuguese
+3294,@user Mas você já tem eu!,3.0,Portuguese
+3295,"aprendi a tocar amiga da minha mulher, quem amou?",3.5,Portuguese
+3296,"@felipeneto Por que eu iria torturar meus familiares? Isso não faz sentido, Felipe",2.2,Portuguese
+3297,"@user parece que é, é que eles botaram a jaqueta e eujá tremi",2.6,Portuguese
+3298,"Entrei só pra falar que ontem dei uma cagada sensacional, e hoje dei outra. Ou seja, Dei lhe duas cagadas fabulosas!",4.4,Portuguese
+3299,"@user Amém, um ano novo top para vc tb ❤️",3.0,Portuguese
+3300,@user Pq racista e tudo carente e não preciso dar satisfação pra esse fdp http,2.2,Portuguese
+3301,Dois papas é EXCELENTE!,1.4,Portuguese
+3302,"@user Todo dia é o mengão comemorando titulo, fica difícil concorrer😕😕😕👎🏻👎🏻👎🏻",1.4,Portuguese
+3303,@user exatamente,1.0,Portuguese
+3304,mds eu ja me inscrevi em 2 cursos de 4 dias de fotografia scr os 2 pra esse mês ai Deus,2.6,Portuguese
+3305,Ta me dizer “Não Vai” mas já fez tournee no bairro 2x,3.0,Portuguese
+3306,E dois gatinho 🥺,1.4,Portuguese
+3307,@user eu ri dms moço kkkkkkkkkkkkkkkkkkkkkkkk,1.0,Portuguese
+3308,gente cadê a day,2.0,Portuguese
+3309,"@user @depheliolopes No final das contas, as mulheres vão acabar deixando de usar banheiro público.",1.4,Portuguese
+3310,Começou o choro dos jogadores do Inter. A história se repete,1.0,Portuguese
+3311,"gente, eu vim fazer xixi e meu gato dormiu na minha calça como que eu saio dessa? http",4.0,Portuguese
+3312,"@user Muito estranho,inclusive uniforme de hoje feio pra krl.",2.75,Portuguese
+3313,aposto com quem quiser ok,1.0,Portuguese
+3314,@user vc gosta de vsf ?,3.0,Portuguese
+3315,Chego aqui e vejo uma tag pra mamis ❤ SARAH TE AMAMOS,2.6,Portuguese
+3316,Mão terminei o Planet Her e já tenho minha fav http,2.0,Portuguese
+3317,"Quando o assunto é mulher, ninguém é amigo de ninguém.",2.4,Portuguese
+3318,Rt aqui só quem esteve aqui até nos dias de cancelamento OITO MILHOES DA CARLA,2.0,Portuguese
+3319,"@user Aí amiga não Shippo não, mas se for facilitar o endgame Alyra tá valendo 😂😂😂😂😂",2.6,Portuguese
+3320,dei muito valor a quem não merecia..,4.0,Portuguese
+3321,se a Juliette colocar o Gil no pódio no lugar da fedorenta eu invado o projac e já entrego o prêmio para ela #BBB21,1.2,Portuguese
+3322,"@user Eita amg é um app, vou ver se acho",1.4,Portuguese
+3323,mania safada minha de mexer no cel até descarregar,1.4,Portuguese
+3324,"Parei, n to com paciência pra isso hoje",1.8,Portuguese
+3325,"@user Jeon Jungkook Eu voto em #BTS , #Butter e #ARMY (@BTS_twt) no #KCAMexico 2021!",1.6666666666666667,Portuguese
+3326,@user Kkkkkk q q ele tem,1.2,Portuguese
+3327,@user então eu quero,1.25,Portuguese
+3328,manuel faz uma musica ruim /// faço naaooo http,2.25,Portuguese
+3329,Vou agitar que amanhã vou fazer baião com contra filé e batata frita 💪🙏,1.75,Portuguese
+3330,"Ganhar fama sem deitar na cama não é comigo, aí só de abuso eu vou lá e faço 🤷",4.4,Portuguese
+3331,@aguedescartoon Previsível é choro de vocês. Patéticos,1.25,Portuguese
+3332,"E é isto... tao depressa nao saio de casa nem estou com pessoas, nao confio em inconscientes que nao têm noção do estado pandémico",2.8,Portuguese
+3333,@user Eu sou sua,4.2,Portuguese
+3334,atualização de acessos no meu perfil http,2.4,Portuguese
+3335,meu sonho trampar à noite,3.25,Portuguese
+3336,"meu deus que tristeza essa, whindersson ia ser pai, aí meu",2.2,Portuguese
+3337,Nos temos um engajamento bom ? http,2.0,Portuguese
+3338,@user sim eu sou uma princesakkkkkkkkkkkkkk,2.0,Portuguese
+3339,"O Dado pra jogar o campeonato com nois ali do Municipal se faz dms tlk, mais pra jogar horáriozinho é com ele msm kkk kkk 🤣",2.75,Portuguese
+3340,@user Então já vi que você não trabalha nada kkkkkkkkkk,2.0,Portuguese
+3341,não sei se estou vivendo ou apenas esperando uma live dos vmin,1.8,Portuguese
+3342,2 pessoas estão visualizando seu perfil http,1.2,Portuguese
+3343,"ta chega, sb nela, obcecada só fala sobre isso",2.8,Portuguese
+3344,@user meude.......pq isso me deixou tão confortável?,2.8,Portuguese
+3345,"@user E a gente suando, ou quadrey",1.8,Portuguese
+3346,Assistirei? Provavelmente não. Mas a vantagem do “No Limite” é que não tem milícia digital ditando os rumos.,1.2,Portuguese
+3347,Atrás da meta eu vou Não consigo parar,1.5,Portuguese
+3348,O dória falando de vacinar todos os adultos até o fim do ano me deu gatilho...,1.4,Portuguese
+3349,seu perfil foi visto por 5 pessoas nas últimas 4 horas http,2.25,Portuguese
+3350,#BaixaAgitada momento que você liga o modo fds de sniper kkk @user http,1.4,Portuguese
+3351,Dona Guiomar agitando um rolê que não vai dar certo! #AViagemNoVIVA,1.2,Portuguese
+3352,@user É a gozar certo?,1.4,Portuguese
+3353,"@user jjsikkkk eita véi, será q pode rir",1.2,Portuguese
+3354,@user Alargou tudo,1.5,Portuguese
+3355,"O wpp tá de sacanagem, não é possível",1.6,Portuguese
+3356,mano q prova é essa pqp,2.4,Portuguese
+3357,"@user @user faz um tutorial assim, pfvr",2.0,Portuguese
+3358,peguei um mareep e dei o nome de felipe neto,1.5,Portuguese
+3359,@user Pq ninguém te quer😏😏😼,2.8,Portuguese
+3360,@user @user gente é que no vídeo não aparece a tremedeira KKKKK sdds suas linda ❤️,2.8,Portuguese
+3361,chutar 20 questões de mat amanha kkkkkkkkkkk cada k é uma porrada da minha mae vendo minha nota,2.0,Portuguese
+3362,hj vi uma peça de teatro foi ótimo só me retornou a ideia sdds fazer teatro,2.2,Portuguese
+3363,seu perfil foi visto por 6 pessoas nas últimas 2 horas http,1.0,Portuguese
+3364,O namorado de vocês é bonito assim também? http,2.8,Portuguese
+3365,@user Ua e que é tem? AHAHAHA 🥱,1.25,Portuguese
+3366,liguei p maura c meu jaleco da pediatria e meu esteto rosa e ela acho q fosse uma surpresa p avisar q tô grávida ((((??????))),3.6,Portuguese
+3367,@user tenho ansiedade minha pressão caindo sera q bjo mal n vou bja mais n quero criticas sobre bjo,3.8,Portuguese
+3368,@user Pelo menos pegava uma chuvinha pra lavar o couro! Quando foi a última vez que ela lavou a cabeça mesmo? Just asking,2.2,Portuguese
+3369,"@user @user Ele é chato msm, só existe p ser o alívio cômico",3.0,Portuguese
+3370,URGENTE!!! amanhã vou de saia ou de calças? (ajudem me juro),2.6,Portuguese
+3371,"levanta gay, vamo enaltecer os vocais do jimin em home http",3.75,Portuguese
+3372,mds ate a gravação ta travando,1.6,Portuguese
+3373,QUE INFERNOOOO ESSA BR e olha que eu só quero chegar em marituba,1.4,Portuguese
+3374,Eu ainda to inconformada que o João vai sair.. mais inconformada ainda com os ataques que ele vem recebendo,3.0,Portuguese
+3375,@user Não se equivocou. Tem vídeo na minha timeline dele. Facebook tem psicopatia.,3.6,Portuguese
+3376,"@user Eu acredito que pode vir collab/ost, provavelmente tô me iludindo com esses rumores, mas acho que impossível também não é kkkk",1.8,Portuguese
+3377,@user tenho que fazer amiga kkkkk,1.8,Portuguese
+3378,Vocês não sabem a paz de espírito que eu tô de ter desativado o outro site. Já fazem 3 semanas e oh tranquilidade.,2.0,Portuguese
+3379,"Técnico burro do caralho, esse Léo Natel pra ser ruim ele ainda precisa melhorar muito",1.8,Portuguese
+3380,"Ajudei ao meu irmão a escolher um perfume, meu Deus tá virando um homem",3.8,Portuguese
+3381,@PiuzeR Campeão! Parabéns pela conquista!,1.2,Portuguese
+3382,qndo olho o insta do kid sempre paro no da namorada dele pq porran mule linda dos peitaum queria ser ela,4.0,Portuguese
+3383,"Eu também não gosto muito do Gary, mas prefiro ele como regular do que a Mona, sinceramente... #LegendsOfTomorrow",1.8,Portuguese
+3384,Está ficando com alguém nesse momento? — não http,3.6,Portuguese
+3385,@user Realmente os estádios q tão sendo escolhidos é um pior q o outro,1.0,Portuguese
+3386,"cara, eu ainda fico chocada com as mentiras que ***** conta, mano, mas pq isso? pq justo p meu lado???",3.6,Portuguese
+3387,"@user @user @Corinthians ""Menos rebaixamento""",1.5,Portuguese
+3388,2 pessoas estão visualizando seu perfil http,2.0,Portuguese
+3389,amor do br inteirinho @user,2.2,Portuguese
+3390,@user você kauan,1.6666666666666667,Portuguese
+3391,esse greNAL foi do caralho,2.0,Portuguese
+3392,"@user a inveja amg, o auxílio emergencial deles não da pra comprar nem uma 51 na esquina",2.6,Portuguese
+3393,@user @user eu só perdoo pq ela é perfeita,2.4,Portuguese
+3394,@user Apenas uma 101 DIAS COM SARAH,2.2,Portuguese
+3395,Viado to conseguindo nem estudar nesse calor,1.8,Portuguese
+3396,"@user Vai lá, eu confio",1.6,Portuguese
+3397,Uma amiga minha do intercâmbio está em João Pessoa e tô super ansioso para revê-lá! 🥰🥰🥰,2.8,Portuguese
+3398,@user sim :/ e os atz nem aparecem direito fiquei tristonha,1.5,Portuguese
+3399,fim da thread.,1.0,Portuguese
+3400,Cancelo ou não cancelo o meu cartão?,1.2,Portuguese
+3401,Mais uma sexta feira em casa ☹️,3.2,Portuguese
+3402,a ally rwspondendo os fãs com o livro vê se não é um anjo,1.4,Portuguese
+3403,@user Taylor e Harry depois roubaria mais dois pra ir no da dua e da ari😉 http,1.0,Portuguese
+3404,@user sempre q eu ouvia falar qualquer coisa do show deles eu chorava horrores KKKKK,2.0,Portuguese
+3405,hj eu fui atropelada pelo monstro da procrastinação,1.6,Portuguese
+3406,@user louis falava um oi eu abria as pernas e vdd,3.8,Portuguese
+3407,@user pelo menos você tinha autoestima,2.2,Portuguese
+3408,@user o seu fc é tão nhonhonho http,2.0,Portuguese
+3409,"minha mae falando do meu pai ""agr to adestrando ele, pq homem a gente nao ensina, a gente adestra ne""",2.8,Portuguese
+3410,Aí aí to muito blogayra !!!,2.0,Portuguese
+3411,@user Eu voto por #Dynamite do @BTS_twt pelo coreógrafo Son Sung Deuk em #FaveChoreography no #iHeartAwards! RT = VOTO,1.0,Portuguese
+3412,deus abençoe o vibrador,4.4,Portuguese
+3413,@user Imagina a hidratação profunda da cútis,2.6,Portuguese
+3414,ninguém escreveu o nome dele certo eu tô-kkkkkkkkkkkkkkkkkkk #NoLimite,1.4,Portuguese
+3415,"Já quero sexta-feira, comer aquela feijoada🤤🤤🤤🤤🤤🤤",1.2,Portuguese
+3416,Recebendo ligações e mensagens de várias pessoas... Não imaginava que um tweet fosse gerado esse alvoroço todo.,1.8,Portuguese
+3417,"@user Ah! Vi o ""azul do mar"" na foto... Pode crê!!! Mais um seguindo http",1.6,Portuguese
+3418,o seu perfil foi visto por 8 pessoas nas últimas 12 horas http,1.0,Portuguese
+3419,entre outras discussões que eu fico por deus.... obrigada terapia,2.8,Portuguese
+3420,@matheus @user vamo encomendar um pra comemorar qlq coisa sifoda inventa aí um motivo pq preciso comer um desse,3.4,Portuguese
+3421,@user o que aconteceu sam?,3.4,Portuguese
+3422,"@user Fazia? Ou faz? Alô cleitinho a casa caiu, a traição",2.6,Portuguese
+3423,@user assim que eu gosto gatinha,4.0,Portuguese
+3424,Não posso virar cabresteira do Vitor posso? Kakkakakkaka #ProvaDeFogo,2.75,Portuguese
+3425,seu perfil foi visto por 5 pessoas nas últimas 6 horas http,1.2,Portuguese
+3426,@user Tá tudo bem? Isso foi específico demais,1.4,Portuguese
+3427,Credo eu fico o dia inteiro comendo,2.2,Portuguese
+3428,Mas vou encher mt a cara hoje q se foda,4.0,Portuguese
+3429,@user apaga isso pelo amor de deus n estou me sentindo bem,3.0,Portuguese
+3430,@user Dois amigos sobem nas montanhas pra queimar o Anel Os nerdolas acham que LOTR não é LGBTQIA+???,2.0,Portuguese
+3431,YET é tão lindaa. Obrigada Jungkook,2.0,Portuguese
+3432,"@user Kkkkk mas é uma final tb né, eu n tinha dúvidas que aumentariam mesmo o preço",1.2,Portuguese
+3433,amava pintar minhas unhas de cores nude e hj em dia eu acho que fica tão?? uma morte vermelho sempre prevalecerá,1.8,Portuguese
+3434,pqp n aguento mais,2.6,Portuguese
+3435,Inverno nem começou e já to programando as reclamações de frio pra temporada inteira,2.2,Portuguese
+3436,@user não não 😠,1.75,Portuguese
+3437,novo status: pessoas que visitaram meu perfil http,1.6,Portuguese
+3438,o seu perfil foi visto por 4 pessoas nas últimas 3 horas http,1.2,Portuguese
+3439,@user minha,2.4,Portuguese
+3440,Tentei pagar uma pizza pra ela mas não aceita no aplicativo,2.0,Portuguese
+3441,caralho que chatice vai toma no cu me deixa,3.0,Portuguese
+3442,"@user @user Os reizinhos, conheci antes da carreira internacional http",1.4,Portuguese
+3443,"Vc vai tentar if? Qual curso? — vou sim, quase certeza que edificações http",1.25,Portuguese
+3444,@user Eu te entendo,2.6,Portuguese
+3445,Positividade faz bem,1.2,Portuguese
+3446,Meu joelho tá doendo Mt,2.6,Portuguese
+3447,@user @user Old que é a maior em tudo,1.4,Portuguese
+3448,@arthurpicoli @user Quem manda vc ter uma namorada em cada lugar. Esse é o preço que se paga kkkkkk,2.8,Portuguese
+3449,"Bloquei o canal do BBB pra ninguém assistir, tomar no cu de BBB rapaz kkkkk",2.8,Portuguese
+3450,"já bebi quase 1,5 litro de água em 2 horas mt obg bts por salvar meus rins tbm",2.6,Portuguese
+3451,Nao posso me apaixonar Não posso me apaixonar Não posso me apaixonar Não posso me apaixonar Não seria de todo mal se apaixonar kk,3.6,Portuguese
+3452,eu não to apaixonada por ele penso nele só de dia porque de noite eu sonho,3.6,Portuguese
+3453,A mulher é trilionária. 30 MILHÕES DA JULIETTE http,1.2,Portuguese
+3454,"minha irmã muito sortuda, foi tomar a vacina e tomou a Janssen",3.4,Portuguese
+3455,"Vontade de sentar no colo de Deus, e dizer ''deixa eu aqui com você pai lá na terra ta doendo muito.'' 😭",2.2,Portuguese
+3456,olha a perfeição disso aqui meus amores http,2.0,Portuguese
+3457,Sair do trabalho vou ir direto p treino,1.2,Portuguese
+3458,@user Fazer a prova andando é foda!,1.4,Portuguese
+3459,@user pior q eu gostei.....,2.4,Portuguese
+3460,Boa noite pexual 😴❤️,2.6,Portuguese
+3461,@user 1 dia só eu acho,1.0,Portuguese
+3462,alguém vem limpar minha casa 😩,1.4,Portuguese
+3463,Não posso descansar nem no sábado :),1.8,Portuguese
+3464,Era melhor eu conversar com a Dani por carta kakakakakaksjakajja,2.8,Portuguese
+3465,"Deus é bom o tempo todo mesmo, minha mãe vai viajar quarta e volta só sábado 🤝😋🙏",3.2,Portuguese
+3466,Esta semana vai ser só apanhar sol.,1.0,Portuguese
+3467,@user o segundo foi meu favorito,1.6,Portuguese
+3468,@user kkkkkaralho,1.75,Portuguese
+3469,Eu tô passando mal de rir com eles kkkkkkkkkkkkk http,2.2,Portuguese
+3470,lidando com adolescente/jovem: 😐😐🙄🙄 lidando com idoso e criança: 😍😍🥰🥰☺️,2.2,Portuguese
+3471,@user Vermelho branco e azul sangue,1.4,Portuguese
+3472,"Mente criminosa, coração bandido 🎶",2.2,Portuguese
+3473,"tudo dando errado, que ótimo 🤧",2.8,Portuguese
+3474,"Aí aí eu já tava bebendo, você nunca me bloqueou por tanto tempo",3.0,Portuguese
+3475,@user Maria ou João?💙💜💙💜,1.8,Portuguese
+3476,@user Depois q eu descobri q creme da skala faz mal no longo prazo eu numsei mais,1.4,Portuguese
+3477,@user não conheço the box então num entendi a piada kjkjj,1.75,Portuguese
+3478,@user essa gente eh doida demais,1.8,Portuguese
+3479,Bonito sonha fala mt alto chega da medo acordo logo ele com a lanterna na cr kkk,2.333333333333333,Portuguese
+3480,@user que sonho kkkkk,1.25,Portuguese
+3481,@user Por isso perdeu kkkk azideia,1.0,Portuguese
+3482,Minha mãe fazendo salada só pra mim não sair da dieta 😍,2.4,Portuguese
+3483,@user Sua sorte a sua bife tem! 😝❤️,3.333333333333333,Portuguese
+3484,@user Vai dá tudo certo 🙏😂,1.8,Portuguese
+3485,@LJoga @user qual se é mo? Ksk,2.0,Portuguese
+3486,Meu fundo da tela de bloqueio é a paisagem da casa do victor kkkkkkkkkkkkkkkkk http,2.6,Portuguese
+3487,"6 ligações perdida 2:08 Mais 6 ligações perdida 8:30 Liga perguntando o que houve, o surtado fica com raiva e bloqueia 🤷🏾‍♀️😳",1.6,Portuguese
+3488,o jeito q vc é falsa cmg me encanta😍😍😍,4.0,Portuguese
+3489,"eu ate perco mas quem me perde, perde muito mais",2.8,Portuguese
+3490,odeio ficar sentindo falta e me culpando por um bgl que eu sei que eu não tenho culpa pprt mas mantém,3.0,Portuguese
+3491,Eu aqui pensando no meu xodózinho querendo sabadar sem mim,3.4,Portuguese
+3492,"o pior é que eu to morrendo de sdd desse porra, que saco eu sou uma trouxa vsf",4.4,Portuguese
+3493,"sou muito surtadinha, não dá",3.0,Portuguese
+3494,Trabalho até tarde esses povo fica me ligando tô cheia de sono 🤬 odeio que me acorde que ódio,2.0,Portuguese
+3495,Indo pra casa pós encher o buchin na casa da gerente q eu gosto,4.5,Portuguese
+3496,@user @user quero créditos pela foto de puliça,2.6,Portuguese
+3497,eu gosto tanto quando os meninos vão pro jimmy e james,1.4,Portuguese
+3498,@user @user @user que isso na sua loc vc é radfem?,1.75,Portuguese
+3499,@user Ok mais c qui,2.6666666666666665,Portuguese
+3500,@user te amo gatinha,4.4,Portuguese
+3501,tamo ao vivo oq eu tô dolorida depois daquela picada é brincadeira http,3.0,Portuguese
+3502,Que penalti foi esse do Rodrigo Caio.🥵,1.0,Portuguese
+3503,@user Eu todaaaa,2.25,Portuguese
+3504,@user para com isso,1.4,Portuguese
+3505,"Eu vou surtar se essa mulher não postar capítulo logo, meu deuuuuuus",1.6,Portuguese
+3506,@user Eu amo 20% só né amiga to igual a ti já hehehe,3.2,Portuguese
+3507,"Sexta feira concluída , com sucesso. SEXXTOOUU !!",1.4,Portuguese
+3508,"@user Não lava o pé, o rato achou que tava no esgoto com o cheiro",3.2,Portuguese
+3509,Não há investimento maior do que espalhar o amor ! #XPInvesteEmVocê @whindersson #NoLimite http,1.6,Portuguese
+3510,@user cara eu simplesmente amo esse vídeo,2.0,Portuguese
+3511,@user @user ela tem o talento mas a gente tem o dinheiro 😎🤙,2.0,Portuguese
+3512,"Só queria 25g de maconha , de presente de aniversário kkk",2.6,Portuguese
+3513,eu tô passada,2.25,Portuguese
+3514,@user Se tu é a mais bela dentre todas as mulheres tanto por dentro como por fora eu te amo,3.8,Portuguese
+3515,@user @user Você tem sua opinião e eu tenho a minha tá minha flor???????,2.8,Portuguese
+3516,@user @user quero meter até ele querer me ter,4.6,Portuguese
+3517,não dormi nadinha,1.4,Portuguese
+3518,escutando rihanna tudo melhora,2.0,Portuguese
+3519,Eu tenho que parar de fazer tudo por quem nem faz questão de mim,3.0,Portuguese
+3520,@user Meu pau no seu ouvido,4.4,Portuguese
+3521,esse role da tata werneck so mostra q so tem chato na net se ela quisesse ir com 50 mascaras oq vcs tem com isso,2.0,Portuguese
+3522,Sem Luan não dá,3.2,Portuguese
+3523,Twitter morto zap morto fecebook morto Instagram morto krlh e ainda tem ninguém pra conversar 🥺💔😭,2.4,Portuguese
+3524,"@user @user Não faria parte da campanha ainda e, mesmo assim, já stol no bus, saindo da cidade",1.25,Portuguese
+3525,@user Já já tá doidona kkk,2.8,Portuguese
+3526,a chaeyoung criança é a coisa mais adorável que eu vi hoje,2.0,Portuguese
+3527,o que o delalieu é avô do warner,1.0,Portuguese
+3528,"Chega fim de ano e não chega dia 30/09 , crlh 😤",1.4,Portuguese
+3529,"a melhor coisa é quando a minha irmã fala ""PARA DE RESPIRA, TA ACABANDO COM TODO OXIGÊNIO"" kkk-",3.0,Portuguese
+3530,800 reais um hd e uma memória pro meu notebook q morte,1.8,Portuguese
+3531,"Lá vai eu mais uma noite p hospital dessa vez com o Gael, tá difícil 🤦🏻‍♀️😔",3.8,Portuguese
+3532,"@user @user acabou, daqui a 2 anos o vasco vai ser campeão da libertadores",1.2,Portuguese
+3533,"sinceramente eu tenho que me foder mesmo vai filha da puta come fritura, coisa gordurosa, apimentada….. COME DE NOVO e vê se morre de vez",3.2,Portuguese
+3534,"Minha próxima fantasia será, Zidane em 98, aproveitar enquanto ainda dá para ter o mesmo ""cabelo"" que ele na copa.",2.75,Portuguese
+3535,"@user Alguém que pensa igual a mim, te amo",3.0,Portuguese
+3536,"""melhor capitã"" isso em confortou mt🥺🥺🥺 http",2.25,Portuguese
+3537,seu perfil foi visto por 2 pessoas na última hora http,2.5,Portuguese
+3538,a olhada que é fd,2.4,Portuguese
+3539,essa barriga nem cresceu direito e eu já não aguento mais😫😫,1.8,Portuguese
+3540,Amanhã tem mais um em http,2.25,Portuguese
+3541,"@Palmeiras O passe do Luiz Adriano pro Scarpa, foi FODA!",1.8,Portuguese
+3542,@user Eu tb acho!! Não é possível q ele pensou q teriam uma noite juntos! Até um sem noção como ele não chegaria a tanto!!,4.25,Portuguese
+3543,@user Mó bonitinho matando pessoas com um arco íris no meu nome,1.5,Portuguese
+3544,seu perfil foi visto por 2 pessoas na última hora http,1.2,Portuguese
+3545,o danado do meu rato foi matar aula no guarda roupa e quebrou a porta.. acha que pode uma coisa dessas 👌,1.5,Portuguese
+3546,man peguei o copo de refri e eu to parecendo um chiuaua de tanto tremer,1.6,Portuguese
+3547,@janainalimasp Falou do Novo eu já lembro do Titanic...🛳️ O último a sair apaga a luz!,1.4,Portuguese
+3548,@user melhorou?,2.4,Portuguese
+3549,@cellbit @user o seu foi feito pro dele?,1.75,Portuguese
+3550,Desanimado pra tudo hoje,2.4,Portuguese
+3551,paz é um bgl que vale muito pra sair desperdiçando com qualquer um,2.0,Portuguese
+3552,caraio quanta baitolagem na tml parei desculpa,2.8,Portuguese
+3553,"@user Ela disse que ""vai fazer a própria pesquisa antes de se vacinar pq o amigo do primo em Trinidad ficou com as bola inchada"" aaaaaaa",2.6,Portuguese
+3554,@user @user Disse eu já sei,1.25,Portuguese
+3555,@user ti pergunto,1.6666666666666667,Portuguese
+3556,Passo mal com Letícia cara kkkkkkkk,2.4,Portuguese
+3557,Vontade de sentar em um bar e sair só amanhã,2.4,Portuguese
+3558,@user @trajaza apaguei o coisa afe,1.6,Portuguese
+3559,"Vcs q já tão no tt 5 da manhã, acordaram agora ou nunca foram dormir?",1.6,Portuguese
+3560,@user mais wtttffffff,1.2,Portuguese
+3561,"@user Deus é bom o tempo todo, todo o tempo Deus é bom",1.0,Portuguese
+3562,oi me indiquem livros sáficos,2.6,Portuguese
+3563,deve ser ótimo me odiar e poder me chamar de feio,1.8,Portuguese
+3564,"@user é apenas uma curiosidade, não vou entrar nessa, amanhã só quero minha diária de 3 mil 😆",1.4,Portuguese
+3565,@user A vida que tenho é esta aqui . Não vais desmaiar pra sempre .,1.2,Portuguese
+3566,última atualização de visitantes do meu perfil http,2.0,Portuguese
+3567,@user Que lindo!,1.2,Portuguese
+3568,@user @user Feio,1.8,Portuguese
+3569,só faz 3 meses q eu fiz o mete no artista e eu já faria o desenho diferente e agr,2.0,Portuguese
+3570,"@user nada muito ""uau"", é mais a saudade de passar tempo falando besteira com vcs kkkkkk",2.4,Portuguese
+3571,"Querendo ir pra casa da minha madrinha e ficar lá um bom tempo, voltar só depois do casamento dela, mas não sei🤦🏽‍♀️",2.8,Portuguese
+3572,@user Filme: vingadores ultimato,1.0,Portuguese
+3573,curto DEMAIS ele,3.5,Portuguese
+3574,O plug sumiu e nunca mais apareceu,3.6,Portuguese
+3575,e amanhã retorno a minha vida de vestibulanda que chora resolvendo questões de física,2.8,Portuguese
+3576,Meu pai foi na porra do supermercado e comprou bolo de abacaxi e Bono. Eu não como nenhum dos dois.............,3.2,Portuguese
+3577,"o TT existe pra pessoas como eu, 100% fudidas, que pode postar o quê sentem e o que quiser aqui, vsf hahahahahahhaa hushshus",2.6,Portuguese
+3578,@user a mostra que você é fofa,3.0,Portuguese
+3579,cês me perdoem mas puta que pariu o spinning top não tem UMA musica ruim (haters de eclipse nem venham aqui),1.8,Portuguese
+3580,Era só uma mordida em mim Hope e eu já vencia a vida..... http,2.2,Portuguese
+3581,@user fala assim ele morre no final,2.25,Portuguese
+3582,terminei de assistir Word Of Honor... eles são tão lindos mano 🥺😔❤,2.2,Portuguese
+3583,Quando dou uma de safado e pessoa corresponde a safadeza: http,3.0,Portuguese
+3584,Deveria existir uma lei que proibisse de trabalhar aos domingos 😮‍💨,1.5,Portuguese
+3585,"@user Tem que desejar água mesmo, amiga.",1.8,Portuguese
+3586,@user Vai que eu confio no seu potencial,2.6,Portuguese
+3587,@user @user @user @user KKKKKKKKKKKKKKKKKKKKK affs vai negar que no fundo ela é perturbada 💆🏻‍♀️,3.0,Portuguese
+3588,@user eles são sem caráter. não se importam com ele. se importam em falar mal dela o dia inteiro. jogam sujo e baixo pra ganharem,3.8,Portuguese
+3589,@user Bonito é quem acredita q é bonito,1.8,Portuguese
+3590,@user @BTS_twt tu é lindo de mais Daniel meu deusb,2.5,Portuguese
+3591,@user Desequilíbrio é uma coisa ser falso é outra 😌 http,1.6,Portuguese
+3592,Mundinho geovanna quer ler o jogo de novo mas ela tem uma lista de livros pra ler,1.0,Portuguese
+3593,@user eu mando foto,3.2,Portuguese
+3594,Alguém faz uma social e me chama 😔,3.0,Portuguese
+3595,bts ja foi gente http,1.4,Portuguese
+3596,@user Você tá no Rio?! E o japa?,1.2,Portuguese
+3597,@user É um trecho da música do Xamã amiga kkkkkkkk,1.4,Portuguese
+3598,"Mark tinha que ver a Sofia crescer,tem anos e eu ainda não superei",1.4,Portuguese
+3599,"aqls coisa né, oq se aprende no caminho importa mais do q a chegada",1.0,Portuguese
+3600,não consegui dormir direito pq o professor tava colocando música no meio da aula 😭,3.2,Portuguese
+3601,"sentimento ruim esse de sentir falta da pessoa, mas saber q foi voce qm se distanciou, e perdeu uma amizade",3.0,Portuguese
+3602,💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔💔,3.333333333333333,Portuguese
+3603,venho aqui nessa tarde de domingo anunciar que assumi o jimin como utt e agora o jk tem companhia nesse pódio ((palmas,2.2,Portuguese
+3604,"Peço lili dos amigos que estão privados, lili 🙌🏻🙏🏻",3.0,Portuguese
+3605,@user meu deus??,1.0,Portuguese
+3606,"Londrina e Giants ganharam, que fds meusa migos",1.0,Portuguese
+3607,@user Amigo que filme de terror é esse?,1.6,Portuguese
+3608,o seu perfil foi visto por 4 pessoas nas últimas 3 horas http,1.0,Portuguese
+3609,@user Estão com dificuldades imensas para atrair jogadores para o @Botafogo . Só conseguem trazer se prometerem que será titular.,1.5,Portuguese
+3610,O útero o que? Chega coça,2.5,Portuguese
+3611,"Toques curtos lá atrás, chama a pressão adversária e sai com velocidade, sendo mais vertical. Dá pra ver certinho nesse vídeo.",1.2,Portuguese
+3612,"@user minha irmã tava comendo e ela fez ""hmmmmm""",4.0,Portuguese
+3613,já quero ver meu amor mais tarde🥺💏,3.2,Portuguese
+3614,Fiquei assistindo American got talents com ph é Afonso e nem vi a hora passar 🤡,3.0,Portuguese
+3615,E o surto que foi a gente assistindo o Zayn dormir?,2.0,Portuguese
+3616,odeio esse clima quente do caralho vai se fude cadê o frio dessa porra,1.2,Portuguese
+3617,"eu ODEIO gente grossa, é de uma pura ignorância q puta merda",2.6,Portuguese
+3618,dei rt num tweet sem nenhum contexto sem querer a menina deve ter pensado que e eu sou doente da cabeça,2.6,Portuguese
+3619,@mibr @budegadeleao @user @Faallz @reductst @FelipoX @lukidera A França vai ficar pequena pro Zywoo,1.3333333333333333,Portuguese
+3620,@user Colcoou o açúcar?? KKKKK,1.0,Portuguese
+3621,@user assim.,1.0,Portuguese
+3622,bianca andrade a grávida mais linda do ano,2.2,Portuguese
+3623,Tão viciada em the crow que aconteceu uma coisa mt bizarra,1.25,Portuguese
+3624,status: 9 pessoas visualizaram seu perfil http,1.0,Portuguese
+3625,quero ir no show do milhao,1.8,Portuguese
+3626,"só quero voltar a minha vida ao normal, eu reclamava de tanto mas n sabia que teria fase pior",4.0,Portuguese
+3627,Sdd do meu filhão 💙😢,4.4,Portuguese
+3628,#FalasDaTerra É extremamente necessário.... Todo mundo deveria assistir,1.5,Portuguese
+3629,Posso mostrar o SEU FC no meu celular ?????????,2.75,Portuguese
+3630,"@user @user @TNTSportsBR Eterno freguês, CPF na nota",1.0,Portuguese
+3631,"@user @user Cara, eu passei 6 fucking anos no amino, pior experiência cm uma rede social possível, pqp.",2.25,Portuguese
+3632,joão: “vou votar na pocah p me salvar” joão: 0 votos,1.6,Portuguese
+3633,"@user @user @user Menos de 1,80 pra mim é nanismo",3.5,Portuguese
+3634,juro por Deus que não guento mais zé Gabriel,2.8,Portuguese
+3635,tá me a custar tanto filho fds,2.25,Portuguese
+3636,@user Pode nem mais lançar um estilo kkk mas um dia eu vou sair de casa e foda-se ✨✨✨,2.2,Portuguese
+3637,Vou visitar meu amigo Paulinho viu,1.4,Portuguese
+3638,seu perfil foi visto por 7 pessoas nas últimas 5 horas http,1.0,Portuguese
+3639,"@user @user @user Cara se é bait ou real eu n sei, porém já estava com mó texto de argumentos aqui kkkkkkkkkkkkkkkkkkkkkkkkkk",1.75,Portuguese
+3640,@user @user @user Incrível!,1.5,Portuguese
+3641,"@user @Corinthians Já tá fora, não aceita nenhum cep",1.6,Portuguese
+3642,@user Tem mais amanhã.,2.0,Portuguese
+3643,"@user Esse não é falso, pessoal dos casos raros fala c a família desde q ele teve complicação .",2.0,Portuguese
+3644,tô cheia de ódio hj,3.4,Portuguese
+3645,as vezes o negro só precisa de amor &amp; carinho 🤞💯☠,3.6,Portuguese
+3646,3 pessoas visualizaram seu perfil agora http,1.5,Portuguese
+3647,Dia hj foi ralado só quero chegar em casa tomar banho e dormir,2.2,Portuguese
+3648,"eu dei um cochilo e a fernanda souza se assumiu com a namorada, que TUDO gente!!!! viva o amor",1.8,Portuguese
+3649,ah não não foi isso que eu pedi,1.2,Portuguese
+3650,"@user @user @user Aqui, também não! Família unida! #BolsonaroReeleito",1.8,Portuguese
+3651,eh cada uma viu...,1.4,Portuguese
+3652,"A pessoa que mais dorme na casa e não faz nada, reclamando que os meninos não estão ajudando. Esse gosta de passar vergonha! 🤭🤭🙄",2.8,Portuguese
+3653,@TNTSportsBR Kane 10 mil vezes melhor...,1.2,Portuguese
+3654,@user @user @SCInternacional Incrível como vcs são loucos. Tô fora…..tenha um bom dia,1.4,Portuguese
+3655,Em tudo eu sempre vejo a mão de Deus ☝️❤️,2.2,Portuguese
+3656,3 pessoas visualizaram seu perfil agora http,2.0,Portuguese
+3657,"Finalmente a oportunidade de viver o ""Quem tá conversando já terminou de fazer a atividade?"".",2.2,Portuguese
+3658,as vezes dar errado foi a coisa mais certa que poderia ter acontecido,2.0,Portuguese
+3659,@user @vinijr Sábado que vem estaremos de olho na telinha vendo você erguer a taça mais imponente do mundo The Champions League,1.2,Portuguese
+3660,Fiz um macarrão com molho branco e carne moída top 😋,2.2,Portuguese
+3661,Tá difícil ganhar atenção hj kk,3.0,Portuguese
+3662,"@user O Scooby é diferenciado. Independente de jogo, Ele tem algo muito especial. Eu gosto DELES, DOS 5.",1.2,Portuguese
+3663,"vou parar de twitar bglh de apaixonado, vão começar acreditar q é vdd",3.25,Portuguese
+3664,"Uma puta chuva e eu não estou em casa, aiai",1.6,Portuguese
+3665,"@user Misericórdia, pior que é verdade, fui aí e deixei um rim",2.0,Portuguese
+3666,@user infelizmente próximo semestre ja tem cadeira até as 17 eu vou me m http,2.0,Portuguese
+3667,Vem Jade fazer sua doação aki de fora #BBB22 #ForaJade,1.4,Portuguese
+3668,"meu pai é muito fofo, não guento ele 😍",2.8,Portuguese
+3669,"@Bradesco Sim, hoje 10.",1.75,Portuguese
+3670,"um army perguntou como o namjoon se sentia ao ver Yoongi dançando isso (that that) e ele respondeu: ""Yoongi hyung é fofo e dança bem""🥺🥺🥺",1.8,Portuguese
+3671,quem disse que isso é problema meu?,3.0,Portuguese
+3672,Preciso peidar pra conseguir dormir e não consigo http,3.0,Portuguese
+3673,@user Só tenho uma coisa para dizer: http,1.8,Portuguese
+3674,Enfrentar o inimigo com foco e determinação é o que lhe dá forças para vencer!!💪💪💪💪 http,1.2,Portuguese
+3675,as vzs me pego pensando em,2.6,Portuguese
+3676,"É tanta politicagem é tanto malandro na política brasileira, que no final das contas teremos dois carnavais em um único ano.",1.0,Portuguese
+3677,Porque você se quer é digno de lamber minhas botas.,3.0,Portuguese
+3678,tô cheia de coisa pra falar mas não posso então que fique claro que tenho VÁRIAS coisas pra falar,2.4,Portuguese
+3679,hj é dia de se atrasar pq meu ônibus passou muito mais cedo que o horário,1.6,Portuguese
+3680,@user É melhor ser pobre e digno doq rico e cuzão,1.4,Portuguese
+3681,"não me afetou ok, talvez um bocado",2.4,Portuguese
+3682,@user Qualquer uma?,1.6,Portuguese
+3683,Eu queria saber quando que demonstrar afeto virou algo de outro planeta,3.0,Portuguese
+3684,Duvido alguém me dar um ingresso da tribal,1.4,Portuguese
+3685,"Isto de vir para o gum, sem comer, nunca mais yha",1.6,Portuguese
+3686,"Deus, pátria, família, liberdade, ameaças e mentiras.",1.0,Portuguese
+3687,"@user misericórdia,mona escola quer matar a gente na base do ódio vius",1.75,Portuguese
+3688,Gente o dorama The Untamed é ótimaaaaaa até meu pai parou p assistir heehehehehe,3.0,Portuguese
+3689,@user senhor,1.25,Portuguese
+3690,Infelizmente não deu pro Miranha😢 O vencedor em Melhores Efeitos Visuais no Oscar 2022 é Duna #Oscars http,1.0,Portuguese
+3691,"Começando a semana bem: sem voz, rinite atacando, pessoas bravas cmg por motivo de: nada.",3.6,Portuguese
+3692,"o governo deu uma piscina de graça aqui pra casa, olha que legal 🗣️ http",1.2,Portuguese
+3693,“as pessoas enganam as outras p suprir a solidão”,1.2,Portuguese
+3694,@gleisi Bolsonaro presidente até 2026!,1.0,Portuguese
+3695,hmm fico feliz com o mínimo 😍😍😍,2.8,Portuguese
+3696,faz um favor pra mim esquece que me conheceu,3.0,Portuguese
+3697,"Ela me olha com maldade, sexo na hidromassagem",4.2,Portuguese
+3698,Estarei reclamando de sono de manhã 👍🏼,3.8,Portuguese
+3699,em dúvida se realmente assistir isso é melhor que ser cego,2.25,Portuguese
+3700,novo status: pessoas que visitaram meu perfil http,2.8,Portuguese
+3701,@goal O,1.0,Portuguese
+3702,"Não fecho com vários, porque não foi vários que fechou comigo quando eu mais precisei..",3.6,Portuguese
+3703,@SantosFC @BinancePT Vão a merda.... Cadê as contratações,2.2,Portuguese
+3704,Vou ir ali da uma voltinha com arthur,3.6,Portuguese
+3705,@user massas é bué longe de mim,1.0,Portuguese
+3706,@user Pra mim o melhor jogador desse Barça do Xavi,1.0,Portuguese
+3707,"Sino da igreja tocando mais cedo, eu, Sara, Tom e Bruna procurando bar pra beber",2.8,Portuguese
+3708,"@user Leste o livro da Elena Ferrante, Neila? Dela, eu li a ""tetralogia napolitana"" e gostei muito.",1.2,Portuguese
+3709,@user Entrei e voltei uns 15 minutos pra entender o contexto de onde começou a discussão kkkkkkkkkkkkkkkkkkkkkkkkk,1.2,Portuguese
+3710,@user bem merdinha amg kkkkkkkkkk,1.75,Portuguese
+3711,"@user que tudo amg, parabéns mesmo, acho linda essas que parecem que se juntam com o icon, e a cores ficaram perfeitas",1.0,Portuguese
+3712,@user @user caralho como a fernanda sabe da isa você é bem fofocas hein vic,3.0,Portuguese
+3713,atualização de acessos no meu perfil http,1.0,Portuguese
+3714,ele é um 10 mas vai votar no bolsonaro então ele é um 100 noção,1.0,Portuguese
+3715,"Eu queria ter a paciência de ir pro Rj e ficar turistando, eu chego lá e só quero ficar quietinha tomando minha cerveja sentadinha",2.4,Portuguese
+3716,tô afim de sofrer vou ouvir a playlist que eu fiz pra ela,3.0,Portuguese
+3717,Muito estudar neuro e descobrir que eu posso ter perda de neurônios e atrofia em partes do cérebro quando entro em crises de bipolaridade 😆,2.4,Portuguese
+3718,@user @user Quem joga são os jogadores,1.2,Portuguese
+3719,"@user @user essa página é hilária, culta e muito criativa!! Com certeza o adm já terminou o médio!!",1.0,Portuguese
+3720,“sou desconfiada porque também sei falar bonito sem sentir nada.”,1.8,Portuguese
+3721,"Viciei meu irmão em falar ""a verdade é essa pique """,2.2,Portuguese
+3722,2 pessoas estão visualizando seu perfil http,1.0,Portuguese
+3723,"Do jeito que ta indo minha procura de lugar pra morar em Contagem, o melhor que eu vou achar é debaixo do viaduto 😍",2.2,Portuguese
+3724,essa Tim tá de graça com minha cara só pode,2.0,Portuguese
+3725,deu 00:00 e infelizmente eu não sumi e nem estava fudendo #semprefuitriste,4.2,Portuguese
+3726,@user a globo quer inovar e faz provas sem sentido kkkk,1.2,Portuguese
+3727,@user Infelizmente. A sociedade que preza pelo cumprimento da Constituição e das leis está perplexa. Horrorizada.,1.4,Portuguese
+3728,"Conversando do bom dia ao boa noite, hmmmm carinha da merda",2.6,Portuguese
+3729,@user sksks desculpa qualquer coisa,2.8,Portuguese
+3730,"@AndreHenning Passando vergonha em kkkkkkkkkkkkkk quem não sabe o que falar, melhor ficar calado.",1.6,Portuguese
+3731,"agora vou viver de café gelado, que delicia meu Deus",1.2,Portuguese
+3732,"Perdoem o possível overshare, o estagiário está emocionado com tantas manifestações de apoio de Membros BP. 🦾",2.4,Portuguese
+3733,te desejo tudo de bom porque o melhor você já perdeu me perdeu.,4.2,Portuguese
+3734,@user toda vez q termina ele vira outra pessoa,2.4,Portuguese
+3735,@user Não posso! Só as cores mesmo.,1.0,Portuguese
+3736,elas duas emburradas uma com a outra http,1.5,Portuguese
+3737,"Um velho habita em mim, e eu gosto de mais velhos",3.0,Portuguese
+3738,mds agr é tudo pra da certo,2.2,Portuguese
+3739,@user meu namorado é igual o cb do blackpink,2.0,Portuguese
+3740,Essa atriz é muito ruim,1.2,Portuguese
+3741,"@user eu to doente, na vdd to melhorando mas 3ssa tosse n vai embora vou me j http",2.4,Portuguese
+3742,@user りょ,1.0,Portuguese
+3743,@user faz faz faz faz faz faz faz faz faz faz faz,1.5,Portuguese
+3744,fazendo de tudo pra não lembrar da praga da pessoa vai e me surge fuçando minhas coisas,3.4,Portuguese
+3745,é muito bom ser real madrid puta que pariu,1.2,Portuguese
+3746,"Tô com saudades, de beijar você todo e fazer um amor nível hard",4.4,Portuguese
+3747,João Carlos dizendo q tem tesão em pobre jss kkkkkkkk,3.8,Portuguese
+3748,"Só pq eu não posso, eu quero malhar. Enfim a hipocrisia 🤡",2.2,Portuguese
+3749,"@ptbrasil @LulaOficial Se fossem competentes, estariam governando. Quadrilha desarticulada, que só estão aguardando ser enjaulados. Vampiro.",1.0,Portuguese
+3750,"@user Vila Maria, ZN. E você?",1.6,Portuguese
+3751,Mega show amanhã se prepara que tamos chegando,1.6,Portuguese
+3752,"@user @user Igual pediatra indicando leite ninho aquela bomba de aaçucar q usam p fazer doce, é de cair o cu da bunda",2.25,Portuguese
+3753,@user Vou pensar no seu caso.,2.0,Portuguese
+3754,"Pq eu sou assim mdssss, em menos de um mês já perdi uns 20 anos de vida",2.2,Portuguese
+3755,tem coisas que sinceramente http,2.25,Portuguese
+3756,#ONEPIECE1043 oda manda uma dessa e vai tirar folga,1.25,Portuguese
+3757,perfil visualizado por 8 pessoas http,1.4,Portuguese
+3758,@ESPNF1 Inacreditável,1.2,Portuguese
+3759,@user @user @filgmartin Mas pra esquerda do quem merece uma segunda chance é assassino e traficante vítima da sociedade.,1.25,Portuguese
+3760,"O tanto que eu não me diverti o ano todo, eu me diverti hoje, QUE ROLEEEEE",2.6,Portuguese
+3761,"Sim, eu ouço @user me julguem 🙃.",2.2,Portuguese
+3762,@user Nunca percebi isso ai,1.4,Portuguese
+3763,@user dele ou de outra pessoa? jjskkklkkl,1.6,Portuguese
+3764,@user Pagou o caralho kkkkk,2.6,Portuguese
+3765,Que volte para o último quarto nessa atmosfera da arena! 🙏🏾,1.3333333333333333,Portuguese
+3766,"@user @user É isso,bestt",1.0,Portuguese
+3767,@user @user @user Vai dar tudo certoooo kkkkkk tenho fé,2.0,Portuguese
+3768,essas fotos 😭 eu não to chorando você que ta. http,2.0,Portuguese
+3769,"@user sai daí, ele é pika dura",2.8,Portuguese
+3770,A Jade agora fala sozinha também?#bbb22 http,1.0,Portuguese
+3771,@user @user widgetshare meu bem é so os dois baixarem na playstore e colar o codigo do outro pra usar,1.2,Portuguese
+3772,"o dia de hoje sugou toda a energia q eu ainda tinha no corpo, oh gloria",3.0,Portuguese
+3773,Ainda bem que não me filmaram cantando,2.0,Portuguese
+3774,"Daqui a uma semana e a festa de formatura . E eu tô rouca ,garganta ruim and congestionada",2.6,Portuguese
+3775,@user @user Meu pau na sua mão,4.6,Portuguese
+3776,"estou quase falecendo aqui nessa empresa, não parei nem pra lanchar vei pqp",3.2,Portuguese
+3777,@user Eu também,1.6,Portuguese
+3778,"Como eu queria saber jogar futebol, sou uma fodida na vida",1.75,Portuguese
+3779,seu perfil foi visto por 6 pessoas nas últimas 2 horas http,1.0,Portuguese
+3780,Ei @flaviopradojpgz ! Vai tomar no meio do seu cú!,3.8,Portuguese
+3781,Meu pai tá me perturbando,3.4,Portuguese
+3782,seu perfil foi visto por 2 pessoas na última hora http,1.6,Portuguese
+3783,sou a decepção do meu avô italiano por nao gostar de nenhum tipo de massa,3.0,Portuguese
+3784,o seu perfil foi visto por 8 pessoas nas últimas 12 horas http,1.6,Portuguese
+3785,"@user eu tenho fé, em nome de jesus, vai parar de chover até chegar a noite",1.3333333333333333,Portuguese
+3786,Deus é maravilhoso 🙏🏽🙌🏽,1.4,Portuguese
+3787,@user @jairbolsonaro Falou tudo,1.0,Portuguese
+3788,"Uma hora dessas e a galera vindo fazer exame de sangue, desesperado, sendo que é CARNAVAL",1.6,Portuguese
+3789,iCloud não pode ficar cheio que o celular começa a travar,1.6,Portuguese
+3790,@user Suicídio lento isso aí,2.4,Portuguese
+3791,@user eu te falei isso esses dias quando vi esse tweet lembrei KKKKDKDKDKDKK,1.6,Portuguese
+3792,Chegou a hora do lateral ISLA se redimir A punição eh: traga o Vidal a qualquer custo! http,1.0,Portuguese
+3793,Falei pros cara q nem liguei q tava suave fui lá e sonheei com a cena kkk eu n tenho autocontrole nenhum,2.8,Portuguese
+3794,Na praia quinta foi MEC estava lá e me perguntam oq eu estava fazendo eu virei pra ele e disse: comendo o cu de quem está lendo,1.6666666666666667,Portuguese
+3795,"@Aguiarthur Vamos pra cima, eu tô desde ontem, dei um cochilo de duas horas e já tô voltando para o gshow pra votar muito ✅🍞🏭🏆",2.6,Portuguese
+3796,Isso é bemm triste mas não tenho oq fazer...,1.8,Portuguese
+3797,Preciso parar de gastar dinheiro pra eu ter dinheiro pra gasta depois,1.4,Portuguese
+3798,@user Vou em abril,3.0,Portuguese
+3799,"hoje vou responder os outros, curtam",1.0,Portuguese
+3800,Só queria voltar pra quando vi a bala na grama,1.6,Portuguese
+3801,@user ajudo filha,1.75,Portuguese
+3802,@user @user eu tb tipo,1.5,Portuguese
+3803,@user o que eu fiz ctg??????,2.6,Portuguese
+3804,@user moço @justinbieber @DanAndShay #10000Hours #BestLyrics #iHeartAwards,1.0,Portuguese
+3805,@user você é o homem das nossas vidas gatinho 💖,4.2,Portuguese
+3806,oi oi então flor não é q eu não queira conversar com vc é q eu não aguento mais responder ngm no wpp,3.0,Portuguese
+3807,@user pq ele é cruzeirense,1.2,Portuguese
+3808,@user Igual a tua mãe,2.8,Portuguese
+3809,@user Me convida pra essa trilha,2.0,Portuguese
+3810,@user Nem sabia que tinha esse aplicativo kkkkkk bom saber quando levar minhas sobrinhas,2.4,Portuguese
+3811,Vou comer um mczinho hj🫶🏻😍,2.4,Portuguese
+3812,@user eu tô em fox,2.0,Portuguese
+3813,marquei terapia pq minha vida tava um caos e descobri que não tá tão caótica assim,3.0,Portuguese
+3814,@user Lewis não... Sir Lewis....,1.25,Portuguese
+3815,"Quando me deixam sozinha na sala eu perco completamente a noção de tempo e espaço, até esqueço que to na clínica ainda",2.2,Portuguese
+3816,Foda de morar na casa do crlh é que se eu quiser sair pra tomar uma com os de verdade é 40 conto só o uber,2.2,Portuguese
+3817,@user O barão querendo botar o Pedro ao invés do chato do eli,1.0,Portuguese
+3818,@user cada dia ela mostra um lado mais feio dela serio,2.6,Portuguese
+3819,"@user Estouuu, estou preparando o terreno pra mudança",2.8,Portuguese
+3820,@user Já!,1.0,Portuguese
+3821,"To chorando de rir na conversa com a Ray, ela quer saber de onde eu tirei soco na costela eu e ela rindo, rindo, rindo e Diego boiando",1.25,Portuguese
+3822,@user Larga o celular e presta atenção na aula,1.4,Portuguese
+3823,"É isso Brasil, sigam o conselho da Jade: #ForaJade #BBB22 #RecifeForaJade em Vila União - Iputinga http",1.0,Portuguese
+3824,Se diz Flamenguista mas não lembra desse Mbappé melhorado 🤷🏻‍♂ http,1.8,Portuguese
+3825,@user sabe muitooooo,1.4,Portuguese
+3826,@user Eu to triste meus dias tão mt movimentados quero paz,2.6,Portuguese
+3827,pessoas de milhoes perdem pessoas uvapassa,1.0,Portuguese
+3828,seu perfil foi visto por 6 pessoas nas últimas 2 horas http,1.0,Portuguese
+3829,"Eu tô mt linda, vsfd",2.8,Portuguese
+3830,atualização de acessos no meu perfil http,2.0,Portuguese
+3831,vou precisar que meus dias tenham 40 horas,1.6,Portuguese
+3832,@user meu sonho 💗,2.0,Portuguese
+3833,"Eu e Stwart de boa vendo filme, do nada minha mãe vem com uma maçã pra stw, e pra mim nada. Já sabemos quem é o preferido dela",2.4,Portuguese
+3834,Conciliar trabalho/academia + cuidar de cs é mt cansativo Só qria chegar e ter louça lavada e comida pronta🤧,2.6,Portuguese
+3835,PA tá querendo falar da relação dos dois mas tá sem jeito #BBB22,3.0,Portuguese
+3836,@user nosso prox role assim,1.8,Portuguese
+3837,@user @user @user Comigo ele não briga,1.75,Portuguese
+3838,@user tu que tem de sobra aaaa,2.4,Portuguese
+3839,Quero tirar um cochilo e a benção acordando de 5 em 5 minutos 😭,2.2,Portuguese
+3840,"ando maluquinho da cabeça, mas tou nem aí",2.2,Portuguese
+3841,"@user @user tava n, tava entre eu e uma pessoa ai....",2.2,Portuguese
+3842,"@user Quando pegar um switch, já sei quem vou pedir emprestado algum jogo 😏",2.4,Portuguese
+3843,O baiano está vendo que o PT é pura enganação. http,1.4,Portuguese
+3844,@user tava ouvindo essa aí,1.2,Portuguese
+3845,detesto esse ciclo de ficar estressado &gt; perco cabelo pelo corpo vou ficar todo careca! que isso,3.0,Portuguese
+3846,@user É uma vergonha a o nosso ST não aumentar....,1.4,Portuguese
+3847,O pessoal do Gondomar descobriu hj a pólvora,1.0,Portuguese
+3848,Que sono e esse que estou com ele... sono da morte ?‽??,2.2,Portuguese
+3849,@user essa frase tem duplo sentido levando em conta que a pavezi ta chegando,2.25,Portuguese
+3850,"Chuva minha filha da uma segurada por favor, eu tô tremendo de medo aqui sozinha",2.8,Portuguese
+3851,"eli... cê sabe o que tem que fazer, então por que não faz? :|",2.4,Portuguese
+3852,@user Assim mesmo,1.4,Portuguese
+3853,@user @user Eu tbm vi mano,2.2,Portuguese
+3854,Preciso dormir uma semana seguida,1.2,Portuguese
+3855,Quando o assunto é “Dinheiro &amp; Mulher” é cada um por sí.,2.4,Portuguese
+3856,seu perfil foi visto por 7 pessoas nas últimas 5 horas http,1.0,Portuguese
+3857,@user quiomão,1.0,Portuguese
+3858,As vezes seguir os ditos caminhos errados é o que te faz sentir mais viva…,2.6,Portuguese
+3859,@IvanValente Será indeferido! Pode apostar!,2.2,Portuguese
+3860,"🧠: será q fui eu? 🫀: Sim bobão,foi vc mais uma vez",3.0,Portuguese
+3861,@user Caralho que delícia 🤤🤤🤤🤤🤤,2.4,Portuguese
+3862,@user @user chico lang ou Nicola?! quem confiar mais?,1.25,Portuguese
+3863,Mandei msg mas cedo pra thayna pra eu fazer o muco agr que tá começando a chover ela responde 🤡,3.0,Portuguese
+3864,Se um dia critiquei o Mila não era eu,1.75,Portuguese
+3865,"@user Se vc não ficar, eu fico kkkkkkkkkk",2.4,Portuguese
+3866,não sei se vou estar morando com algum deles mas sei que vou ser uma viciada,3.0,Portuguese
+3867,"@user ainda tá parecendo muito uma campanha pra c&amp;a amiga... mas diva, isso que importa",1.6,Portuguese
+3868,quando acabou o show de luisa e começou a tocar saoko http,2.0,Portuguese
+3869,@user Um O DISCURSO PREJUDICOU O DG,1.4,Portuguese
+3870,@user vou manda ps alemão,1.0,Portuguese
+3871,@user como sempre ele achando que vai desestabilizar os outros e sai,1.8,Portuguese
+3872,meu twitter tá muito branco,1.2,Portuguese
+3873,@user @user eu sou oq fã,1.3333333333333333,Portuguese
+3874,@user preconceito contra padrões isso aí 🤬🤬🤬,1.2,Portuguese
+3875,Preciso de uma massagem urgente,3.8,Portuguese
+3876,@user q saco evelyn mas eu gosto tanto de você😭,4.0,Portuguese
+3877,"casada eu faço uma pessoa feliz, solteira eu faço várias!",4.0,Portuguese
+3878,Galvão?,1.0,Portuguese
+3879,@user eu passo mal lendo as barbaridades 🤢,1.4,Portuguese
+3880,"@user gosto de tds, mas n sou mt fã de marshmallow",1.8,Portuguese
+3881,Fique sozinho mas não faça questão de quem faz pouco caso de você!,2.2,Portuguese
+3882,@senadorhumberto Muito credibilidade ele tem. http,1.0,Portuguese
+3883,"Pro dia ser perfeito hj na PL, só faltou o @AndreHenning narrando os gols da besta enjaulada. CR7 &gt;",1.2,Portuguese
+3884,Foto antiga!! Espero que vocês gostem 😍😏😏😏. http,3.0,Portuguese
+3885,@user jade é a melhor,1.2,Portuguese
+3886,me manda um docin de dia das mulheres e eu digo se esperava ou não,2.6,Portuguese
+3887,@user a ariana grande nao tem importancia na minha vida vc tem,2.0,Portuguese
+3888,@user sua mãe que smt sentando em mim aquela gostosa baranga,3.75,Portuguese
+3889,Quem é a blogueira mais insuportável: Daniela Lima ou Amanda Klein?,1.0,Portuguese
+3890,@user A tempestade e Uma outra estação. Simplesmente maravilhosos esses discos.,1.2,Portuguese
+3891,@user 7:50 da manhã irmão para de chorar,2.0,Portuguese
+3892,Como vocês conseguem quebrar tanto celular?,1.2,Portuguese
+3893,Ouvindo red hot chilli peppers como se fosse o ano de 2002 do nosso senhor,1.6,Portuguese
+3894,@user A assiste o filme a Ilha do Medo,1.6,Portuguese
+3895,passando que ele eh aquele ator de peaky blinders um velhote,1.2,Portuguese
+3896,"ou vc malha ou vc tem o cabelo bonito, os dois não da",2.0,Portuguese
+3897,Mais uma data para eu me arrepender amargamente de ter confiado em alguém mais uma vez,3.0,Portuguese
+3898,"Tá vendo aquela lua que brilha lá no céu, até feri meus dedos pra tentar alcançar",1.8,Portuguese
+3899,"""torcida do Vasco é fraca"" fala isso lá onde está a força jovem,onde só tem maluco e psicopata kkkkkkk",1.8,Portuguese
+3900,@user morreu mas passa bem,1.4,Portuguese
+3901,"@user Ainda pra mais partilhar cartaz com o Vice e o Naife, vai ser uma noite bonita",1.0,Portuguese
+3902,Alguém quer ir dar um mergulho só porque sim?,1.4,Portuguese
+3903,"@user Cara Mama, eu falei menos pior. Obrigado e um grande",1.0,Portuguese
+3904,Oq é bad buddy,1.0,Portuguese
+3905,"Se tu tem fé, tu tem tudo!",1.6,Portuguese
+3906,Tô exausto isso sim.,1.8,Portuguese
+3907,"n gente sinto muito, pelo meninos eu faria qualquer coisa, mas isso ai n da",3.6,Portuguese
+3908,Privilégio branco é andar pelado nas avenidas de Teresina e a polícia olhar e não fazer nada.,3.2,Portuguese
+3909,Eu sei que a @user ama meu humor duvidoso,2.6,Portuguese
+3910,"Mais um jogador machucado, isso é inacreditável",1.2,Portuguese
+3911,@user 18 anos 😁,1.8,Portuguese
+3912,@user Oia se não eh o meu mor,2.0,Portuguese
+3913,@user Você está insinuando que eu bato na minha mãe?,3.4,Portuguese
+3914,@user Era disse q eu tava falando antes! Uma imagem assim q eu queria ver!,2.0,Portuguese
+3915,O melhor ou possível ? http,1.0,Portuguese
+3916,Quando não é uma coisa é outra,1.2,Portuguese
+3917,Meu pg caiu so p pagar cartao. Que vida 🤡,2.75,Portuguese
+3918,"diria que foi um 7,5/10",1.6,Portuguese
+3919,"Quis mudar por vc tento não brigar pra não te aborrecer, mas você sei lá vive em um mundo que nunca vou estar",4.2,Portuguese
+3920,@user tudo de bom pra nós 🥰🥳,2.8,Portuguese
+3921,"@user Eu coloquei alarme pra fazer, dormi, acordei agr",2.8,Portuguese
+3922,ouçam summertime magic do childish é por tudaaa,1.2,Portuguese
+3923,@user cuida bem dela,2.8,Portuguese
+3924,""" e vc e a ***** ******* como q vcs tão?"" KAJAKAK q ódio dessa pergunta",2.75,Portuguese
+3925,"@user oi gata, quero sim.",3.6,Portuguese
+3926,@user @user pior que é vdd kkkkkkkk,2.0,Portuguese
+3927,lembrando de quando eu era ativa aqui,1.8,Portuguese
+3928,seu perfil foi visto por 3 pessoas nas últimas 2 horas http,1.2,Portuguese
+3929,"quem gosta de você se importa, quer o seu melhor, te procura e não te troca..",3.0,Portuguese
+3930,@user em 😭,1.4,Portuguese
+3931,seu perfil foi visto por 5 pessoas nas últimas 4 horas http,1.6,Portuguese
+3932,"@user Dinheiro é importante, mas não é tudo. Basta ver o Manchester United e Barcelona dos dias atuais!!",1.0,Portuguese
+3933,"Tô pra ir no planalto já tem uns dias, mas tá foda consegui ! 🥴",2.8,Portuguese
+3934,"Desde 2000 sem ganhar um paulistinha, os cara da rlx kkkkkkkkk",1.2,Portuguese
+3935,"@user cabeludinho magro de não mais que 1,75 e com rostinho bonito",3.2,Portuguese
+3936,Maluco eu to tristão com essa notícia :(,3.2,Portuguese
+3937,Eu acho que cansei…,3.2,Portuguese
+3938,Todo dia alguém querendo me bater,2.8,Portuguese
+3939,Esse homem é---- e quando ele faz----- eu fico----- #JHOPE http,3.0,Portuguese
+3940,@user Mas aonde CAREILIOS é isso ????? Q não me cheima para tumaire um chuapi,1.6666666666666667,Portuguese
+3941,@user @user @BocaJrsOficial Coloca os títulos pra jogar,1.75,Portuguese
+3942,@user Um mal necessário....,1.6,Portuguese
+3943,eu dando uns votos no arthur so pra não ter o desprazer de ver ele como o menos votado http,1.4,Portuguese
+3944,"meu deus a Natália ficou com Deus mesmo, tudo por causa de um macho http",1.8,Portuguese
+3945,E esse mês que não vira nunca mais 🥲,1.4,Portuguese
+3946,fabio tirou umas fotos q pqp que homem 🤤,3.2,Portuguese
+3947,"@user estou tb ,vamos fazer",2.5,Portuguese
+3948,"terminamos, esto sem reação nenhuma.",3.6,Portuguese
+3949,"como prometido, vou postar o guia da yelan hoje quem quiser ser marcado só comentar aqui http",1.4,Portuguese
+3950,o povo do meu cf rachando os bico kkkkkkkkkk,3.25,Portuguese
+3951,"O inverno tá chegando e esse ano quero uns rolê em pousadas…vinho, lareira, comidinhas e cobertas",2.8,Portuguese
+3952,"Faltam só 2 meses pra eu tirar o aparelho, já era pra ter tirado mas minha dentista tem me enrolado",2.6,Portuguese
+3953,Tô com fomeee,2.2,Portuguese
+3954,Tô muitoo felizzzz,2.6,Portuguese
+3955,"@user oxi eu nn, cê que tinha que pagar pra mim",3.4,Portuguese
+3956,@user ficou ótimo,1.8,Portuguese
+3957,eu não volto pra vc nem fudendo*,4.2,Portuguese
+3958,"@oBoticario @user Não está disponível, em nenhuma unidade :(",1.2,Portuguese
+3959,Essas coisas me estressam,2.2,Portuguese
+3960,nada bem kkkkkkkk,1.0,Portuguese
+3961,"O dia que eu namorar eu não aceito que me ame menos que o Guilherme me ama e me elogia , não aceito menos que isso",4.2,Portuguese
+3962,Acabou de publicar uma foto em Studio Pollyana Lordello Beauty &amp; Academy http,1.8,Portuguese
+3963,saudade do * kk ódio,3.75,Portuguese
+3964,"Cauê atrasado para treinar, depois reclama que eu não vou 🙄",2.2,Portuguese
+3965,@user Mas vc vai mesmo querer quebrar o sofá??,2.4,Portuguese
+3966,@user Nss bom dinossauro foi um negocio meio meh sabe,1.2,Portuguese
+3967,@user não tinha esquecido,2.0,Portuguese
+3968,"@user Vai amar, se não amar, fingi.",2.8,Portuguese
+3969,@user Tmj irmão 💪❤,3.2,Portuguese
+3970,Projeto do ano: Guardar grana pra ir na posse do Lula em 01 de janeiro de 2023,1.2,Portuguese
+3971,@user A hora mais esperada do dia,2.2,Portuguese
+3972,"@user @user não KAKAKAKAKAK, vô volta a zoar bastante 😼🌹",2.0,Portuguese
+3973,Da muita raiva as pessoas me conhecem muito bem e o sabem que eu tô sentindo! AHHHH,2.8,Portuguese
+3974,@user gratidão 🙏🏻,1.2,Portuguese
+3975,@user you tell em willa 🥱,2.0,Portuguese
+3976,"Finalizar meu cabelo 5 da manhã, vou raspar a cabeça juro",1.8,Portuguese
+3977,Fiel a mim e leal a quem amo.,2.6,Portuguese
+3978,muitas das vezes pergunto me o que é que eu tenho de errado para me fazerem isso a mim,3.0,Portuguese
+3979,eu to me sentindo inútil pq tem milhões de matérias acumuladas pra estudar mas eu só consigo dormir http,1.5,Portuguese
+3980,começou a chover,1.0,Portuguese
+3981,"vocês tão de palhaçada comigo, só pq eu odeio o bolsonaro ceis tão mandando coisa pra eu tuitar sobre ele tmnc",2.2,Portuguese
+3982,mudar para ele gostar de mim? NÃO. mudar para eu gostar de mim? SIM.,3.4,Portuguese
+3983,@user demasiado bom até,2.4,Portuguese
+3984,@user q entretenimento é esse kkkk pq o programa está uma merda,1.6,Portuguese
+3985,"esse mlk ta querendo se aparecer, não pode fazer nada que ja é motivo de indiretinha, cresce seu feião, virgem carente🤣",3.0,Portuguese
+3986,@user nossa como eu odeio quando esse povo se faz de sonso em relação a Yuri on Ice,2.0,Portuguese
+3987,"só d imaginar q 1 mês atrás eu tava na praia, Q TRISTEZA DOS INFERNO",1.4,Portuguese
+3988,ela respira mt lindo dormindo mano... ah nao to apaixonado demais nela,3.8,Portuguese
+3989,"mas caso não tenha condições, segue lá. http",1.0,Portuguese
+3990,@user 😍 em padindhi anna 💝,3.0,Portuguese
+3991,"@user @user Aqui, alguns projetos q eles produziram http",1.0,Portuguese
+3992,as vezes ser observadora se torna um defeito quando vc acaba vendo e sabendo coisas demais,2.0,Portuguese
+3993,Pelo amor de Deus vai tomar no cu,1.8,Portuguese
+3994,@user Se tu não vai jogar isso em live eu sou maluco,1.6,Portuguese
+3995,@user kmkkkkkkkk é cada história mas medo,1.4,Portuguese
+3996,"bateu uma saudade do meu exxx, to com vontade de te ver outra vez mas lembro do quanto vc vacilouuu",4.75,Portuguese
+3997,"Soltaram minha mão no meu pior momento, mas foi aí, que eu aprendi tudo..",3.6,Portuguese
+3998,"dia da mulher amanhã e eu aceito docinhos, energético, florzinhas…",2.4,Portuguese
+3999,@user mt bom te encontrar amo abraçar mulher bonita,4.0,Portuguese
+4000,cago d medo de dentista aí vai e me nasce um dente do juízo mais torto que minha coluna q inferno,2.4,Portuguese
+4001,"já perdi a noção de quantas vezes já assisti “What if…?”, sério http",2.2,Portuguese
+4002,tem que rir mesmo desse povo que tem amnésia kakakakaka,1.8,Portuguese
+4003,@user baixa ele tb savinho p eu te rastrear 🫣,2.6,Portuguese
+4004,minhas notificações ai http,1.0,Portuguese
+4005,João inventa cada desenho pra mim fazer pra ele 😑 kkkkkkkk,3.4,Portuguese
+4006,@user Gente SIM!!! Eu não sei reagir a elogios,3.4,Portuguese
+4007,"eu particularmente não sou fã da fonte helvética, acho overrated. raleway, gotham e nexa são muito superiores.",1.2,Portuguese
+4008,@user @user @user @user vou te mostrar a sopa aqui sua gringa,2.2,Portuguese
+4009,Ia entra no Texas sem precisar paga entrada. Mais o sono tá falando mais alto 🥱😴,1.8,Portuguese
+4010,@user Olhaaaa se não é quem saiu a francesa kkk,1.8,Portuguese
+4011,@user Realizou meu sonho,1.6,Portuguese
+4012,"@user certeza???? qualquer coisa pode me chamar, to aqui",3.0,Portuguese
+4013,@user Esse Moreira da Silva tem o carisma de uma batata.,2.2,Portuguese
+4014,Agora eu tô na dúvida real tipo tentando lembrar,1.4,Portuguese
+4015,o seu perfil foi visto por 8 pessoas nas últimas 12 horas http,1.6,Portuguese
+4016,Fiquei até emocionada. Parabéns pela conquista da pokestop propria @user http,1.8,Portuguese
+4017,banho de chuva ao som de whatch me,2.4,Portuguese
+4018,@user tenho pena das crianças,1.2,Portuguese
+4019,@globoplay @xuxameneghel minha Rainha Xuxa vaivser bom demais,1.5,Portuguese
+4020,@user @SenadoFederal Todos esses foram eleitos lá no longínquo 2016. Já estão de saída.,1.0,Portuguese
+4021,@user Herdeiro,1.4,Portuguese
+4022,@user Amei.,1.4,Portuguese
+4023,Já comecei 2022 sendo bucha incrível kkkkkkk tenho q aprender mt 🥴,2.2,Portuguese
+4024,@user @user da uma olhada nisso aqui,1.8,Portuguese
+4025,"@user Quem estocou, estocou",1.5,Portuguese
+4026,paz para a alma de vocês,1.75,Portuguese
+4027,"""não vou ser infantil igual fiz com a Amanda"" real n foi igual foi pior kkkkkkkjjjjk",3.5,Portuguese
+4028,Protesto na Suécia deixa três feridos http #SUDESTENOTICIA #Mundo,1.0,Portuguese
+4029,@user @user é o blanka meu deus,1.3333333333333333,Portuguese
+4030,ô baixinha invocada,2.2,Portuguese
+4031,todo mês comprando brinco novo seria eu o maior sequela de todos os tempos,2.0,Portuguese
+4032,"Este Real x PSG é capaz de ser dos melhores jogos de sempre nos oitavos da UCL, futebol puro",1.0,Portuguese
+4033,"@user KKKKK nn tem condições Luma, anão",2.0,Portuguese
+4034,"noites mágicas, manhãs trágicas 😬",2.2,Portuguese
+4035,@user Delícia 😋,1.8,Portuguese
+4036,@user o murro em mim,2.0,Portuguese
+4037,"como ficar gostosa bunduda em menos de uma semana, pesquisar",3.8,Portuguese
+4038,@user @user Eu assim com o Byakuya,1.6,Portuguese
+4039,meu deus como eu amo handebol,2.8,Portuguese
+4040,smp acreditei em vc ney,2.4,Portuguese
+4041,"@user KKKKKKKKKeusouassim, mas eu comecei ontem o livro 💪",3.0,Portuguese
+4042,@user Vai querer da fuga que eu sei,1.6,Portuguese
+4043,"Tava dormindo já e acordei p jantar, tô o caco",1.8,Portuguese
+4044,@user eu marquei que fazia parte de uma gangue,2.0,Portuguese
+4045,os amores da minha vida? bem aqui. ♡♡ http,3.2,Portuguese
+4046,"@user Pq quando ele me chamou pra vir pra cá foi : vem Lara , vamo beber cachaça, quebrar o outro pé",3.2,Portuguese
+4047,"Eli nas trends 😳, dessa vez é coisa boooaaa!!!! Os 4 Pigs 🐷 estão tão feliz 😍 #BBB22 #TeamEli http",1.75,Portuguese
+4048,Krlh o canal da pineapple foi excluído do YouTube As melhores músicas afff..,2.2,Portuguese
+4049,@user Sq já fiquei,1.6,Portuguese
+4050,@user @theKFA Copiou o comentário do cara pô kkkkklll,1.2,Portuguese
+4051,eu só posso ser mto idiota msm,3.0,Portuguese
+4052,"eu já tô doente ainda invento de me dopar de remédio, Dirceu que me aguarde mais tarde",3.6666666666666665,Portuguese
+4053,"tô quase indo pra favela, resenha tá rolando e eu estou deitada dentro de casa 🥲🥲",3.0,Portuguese
+4054,Los Hermanos a banda mais geminiana que existe... sumiu por 14 anos e voltou assim como se nada tivesse acontecido,1.4,Portuguese
+4055,que delicia não acordar seis horas,1.4,Portuguese
+4056,@user @user Gente! Kkkkkk... mas é sobra Juliette kkkkkk...,1.2,Portuguese
+4057,"queria que segunda já fosse amanhã, a minha ansiedade tem nome e é briga de sala",2.4,Portuguese
+4058,"do nada uma praga na frente da escola, eoem",1.4,Portuguese
+4059,"@LulaOficial Sim,Rio de Janeiro!",1.0,Portuguese
+4060,"fiz 40 minutin de treino em casa, fui no céu e voltei nasci p isso n kkkkkkkkk",2.6,Portuguese
+4061,@user Cruzeiro e Galo em 13/14 era puro espetáculo,1.4,Portuguese
+4062,Eu chorando adolescente x eu chorando agora kekekw nada mudou mesmo http,2.2,Portuguese
+4063,"pessoas são decepcionantes demais, mas tá tranquilo, quem perde não sou eu! 💪🏼",2.6,Portuguese
+4064,@brunavieira As vezes você precisa fortalecer aos poucos aquela musculatura pra conseguir fazer o exercício do jeito certo,2.25,Portuguese
+4065,Juliette você é top entenda http,1.75,Portuguese
+4066,@user q feita,1.6,Portuguese
+4067,pq ninguém está falando da atuação impecável de Murray ??? Murray simplesmente esmurrou os russos #StrangerThings4 http,1.2,Portuguese
+4068,@LeviKaique Campanha pro @LeviKaique interpretar o Bishop nos filmes dos X-Men.,1.0,Portuguese
+4069,@user isso mesmo prioridades!,1.2,Portuguese
+4070,@user nosso amor envelheceu TRES ANOS DE DOIS ENGANADOS,3.8,Portuguese
+4071,"Toda dia essa palhaçada, vão caçar o que fazer envés de ficar falando merda na internet http",1.8,Portuguese
+4072,@user ali sempre ressaltando qi eu sou importante p ela tbm t amo bff,3.25,Portuguese
+4073,@user bebê é p cuidar ❤️❤️,2.6,Portuguese
+4074,Hoje a noite você terá muitas revelações boas.,2.2,Portuguese
+4075,@RickSouza Surra mais Cultura,1.8,Portuguese
+4076,indo tomar banho p ir p escola,3.0,Portuguese
+4077,@user Kkkkk foi pal viola...???,2.75,Portuguese
+4078,Nosso salário todo vai só no mercado kkkkkkk,2.2,Portuguese
+4079,o seu perfil foi visto por 8 pessoas nas últimas 12 horas http,1.2,Portuguese
+4080,“— Sou muito covarde para me matar e muito covarde para viver. Para onde vou? — perguntou.”,2.25,Portuguese
+4081,@user block em,1.4,Portuguese
+4082,@user É tão bom quando a família se volta a unir! 🙌🏻,3.2,Portuguese
+4083,@user Um gato desses,2.8,Portuguese
+4084,seu perfil foi visto por 3 pessoas nas últimas 2 horas http,1.0,Portuguese
+4085,"@user @user Na realidade ""opina"" quem quer... ✌🏽",1.75,Portuguese
+4086,"@user Corretíssimo, isso mesmo.",1.0,Portuguese
+4087,eu não vou contar pra mais ngm...,2.6,Portuguese
+4088,@user vocêê 🤱,1.6,Portuguese
+4089,"Ainda bem que voltei pra casa,arrumei um trampo pra semana que vem",3.0,Portuguese
+4090,Sabe esse povo que nunca fica feliz com a felicidade do próximo? Vaza fora que é fria,2.25,Portuguese
+4091,Essa foto ultrapassa os limites da perfeição. http,2.4,Portuguese
+4092,@user da certinho a musica pra eles,1.8,Portuguese
+4093,"@user Tenho duas já, to fudida",2.6666666666666665,Portuguese
+4094,Sigo amando Black Moreira. Foda-se.,2.0,Portuguese
+4095,"@BlogdoNoblat Bandido bom é bandido preso, cumprindo integralmente as condenações. Chega de defender bandido!",3.0,Portuguese
+4096,"deixar uma profissional fazer minha sobrancelha: nunca eu fazer em casa e ficar uma merda: ótimo, perfeito",2.0,Portuguese
+4097,"foda ser magrela,quase não tem roupa que caiba",2.333333333333333,Portuguese
+4098,se a pessoa fez algo sabendo que te magoa é porque ela não tem um pingo de consideração por você.,2.5,Portuguese
+4099,"Na real que eu to sendo desleixado na faculdade só pra botar em pratica a teoria do ""é artes né nem roda kk""",2.25,Portuguese
+4100,vendo 300 videos e filmes morgando ao maximo no dia de hoje,1.2,Portuguese
+4101,"@user Absurdo, sou um homem de família",2.5,Portuguese
+4102,Sonhei que tinha voltado com uma ex namorada de 2012? Ué!,3.8,Portuguese
+4103,@user e minha melhor amiga é perfeita,2.8,Portuguese
+4104,Ramon disse que vai me emprestar o bilhete dele p mim ir pro curso 🙏😍,2.4,Portuguese
+4105,@user pior que vou,1.4,Portuguese
+4106,A geração de hoje nunca vai ter um desses http,1.5,Portuguese
+4107,@user @user @user @user @user @user Mas é linda,1.5,Portuguese
+4108,@user Que coisa mais amada 🥰🥰🥰 lindoooo,3.0,Portuguese
+4109,Passando pra avisar q tem greve geral 14 de junho,1.0,Portuguese
+4110,as treta do el mago é melhor,1.0,Portuguese
+4111,ai ai que dia meus amigos,2.0,Portuguese
+4112,"@user ""a cuty cuty cuty quem á a mais fofinha desse mundo em? aaah eu vou apertar"" assim? tem gosto pra tudo nesse mundo",2.8,Portuguese
+4113,Teu irmão é lindo — 😍 http,3.6,Portuguese
+4114,Bom dia hj minha #quartadasbundas Vqi ser bem simples... Quem sabe ate mais tarde eu mando outra melhorzinha...bjao http,3.6,Portuguese
+4115,To ficando doida só pode,2.4,Portuguese
+4116,"@user Melhoras, Bru!!!!",2.2,Portuguese
+4117,@user Será que nunca mais vamos ter uma tour icônica igual BTWB? http,1.2,Portuguese
+4118,Que passe! Que dibre do Jerry Jeudy! Que canhoto maravilhoso é o Tua!,1.3333333333333333,Portuguese
+4119,Vc é vaidosa — tem dias e dias kkkk hj por exemplo zero vaidade p vir p facul http,2.25,Portuguese
+4120,"Essa é a melhor notícia que eu poderia receber, gratidão",2.6,Portuguese
+4121,O Wendel não sofreu falta??,1.0,Portuguese
+4122,só queria um corre aqui no meu pai,1.75,Portuguese
+4123,@user graças a deus eu fo em@casa ja,3.5,Portuguese
+4124,Meu Deus não falha 😍🙏🏽,1.2,Portuguese
+4125,@user o pai salvou a vida dela e agora ela vai cuidar dele😇,1.6,Portuguese
+4126,@user @user Jéssica fala merdar não kkk,2.333333333333333,Portuguese
+4127,"@user vc tbm faz a mesma coisa, e quer ta no direito? hahahahahahahhahahaha",1.8,Portuguese
+4128,URGENTE: Alguém tem um teclado usb pra emprestar?,1.0,Portuguese
+4129,oi voltei tava de mudança quem morreu?,2.0,Portuguese
+4130,eu levo uns vácuo tão cabuloso q se eu gritar faz até eco,3.4,Portuguese
+4131,@user @user o pior filme que já vi em minha vida sim,1.8,Portuguese
+4132,@CarlosBolsonaro Vai estudar retardado!,1.75,Portuguese
+4133,caralho,1.4,Portuguese
+4134,Caralho eu sou muito desatenta tomar no cu,2.5,Portuguese
+4135,"""Demorei para esquecer, demorei para encontrar um lugar onde você não me machucasse mais...""",3.75,Portuguese
+4136,"@user @user kkkkkkkkkkk “não tenho preconceito, até tenho um amigo gay”",1.6,Portuguese
+4137,@user Então o ano 2000 não existiu?🤔,1.0,Portuguese
+4138,@user 10 mil? eu pagaria pra fazerem em mim isso sim kkkkkk,1.6,Portuguese
+4139,"@user Concorrência é legal num país legal, na máfia verde e amarela é só mais desculpa pra taxação e imposto goela abaixo :/",1.6,Portuguese
+4140,o filho mais novo birrento como vem meu pai,1.75,Portuguese
+4141,@user então vamo ficar caladinho,1.8,Portuguese
+4142,as pessoas amam me fazer mal e dizer coisas ruins pra mim to cansada,3.5,Portuguese
+4143,@user @user @user Vai lançar o só se vive uma vez,2.2,Portuguese
+4144,Oi sexta sua linda já tava com saudades,3.0,Portuguese
+4145,o ato SP já tá na região do ibirapuera é isso? pessoas na paulista ainda?,1.0,Portuguese
+4146,"Acho q vou ficar sozinha aqui.😓 Tô vendo muita gente falar q jogou na mega sena, vai ganhar e sairá do twitter.",1.0,Portuguese
+4147,@user Você meu amor,3.4,Portuguese
+4148,"incrível, ótimo",1.0,Portuguese
+4149,@user agora tem 14 e eu estou presa na SP TRANS tô desesperada,2.75,Portuguese
+4150,créditos a @user pela header perfeita digo isso com tranquilidade,1.6,Portuguese
+4151,"Ano de agosto acabe logo, to quebrado.",2.2,Portuguese
+4152,"Fase, fase, tá tudo aqui porque é só uma fase",1.2,Portuguese
+4153,"Tenho saudades de sair e me divertir imenso, não têm noção",3.0,Portuguese
+4154,quando vou achar o sentido da vida ??,2.2,Portuguese
+4155,@user amiga calma vc já sobreviveu ao Aristóteles e Irma brigando 24h consegue sobreviver a qualquer ilha cheio de monstros perigosos,1.4,Portuguese
+4156,começo e fim da década http,1.25,Portuguese
+4157,Thayse fazendo da treta com Lucas pauta pra sair na midia! De quanto vale uma amizade?! Quanto se paga por engajamento?!,3.0,Portuguese
+4158,@user @user se consertarem eles vao perder mais da metade dos jogadores,1.2,Portuguese
+4159,Ai gente alguém tinha que explodir minha turma pqp não aguento mais essa gente,3.0,Portuguese
+4160,Chamaaaaa ela pra @user,2.0,Portuguese
+4161,@user Meu Deus todo dia eu deito pra Gi!,1.8,Portuguese
+4162,Alguém já assistiu Death Note?? É bom??,1.0,Portuguese
+4163,As pocs tão sem hotel para hoje Fodeu Não tem vaga em lugar nenhum,1.8,Portuguese
+4164,Minha barriga está muito inchada,5.0,Portuguese
+4165,"@user Eu não ando apaixonado, e nem ando pedindo desculpas. Eu sou cachorrão.",3.4,Portuguese
+4166,ja transou? — Eu n deus me livre adoro http,3.6,Portuguese
+4167,@user Estou sentindo que uma pessoa ai rsrs gosta de tortura uns jikook com edit né kkkkk 😁😚,2.25,Portuguese
+4168,"Esse goleirinho do Liverpool, hein. Mão de alface é elogio pra ele. Terrível. Que falta faz o Alisson.",1.0,Portuguese
+4169,queria só esse show da Iza q vai ter na praia,1.5,Portuguese
+4170,"@user Isso aí, qualquer coisa sabe o caminho daqui de casa, falando nisso, vê se aparece hein",2.6,Portuguese
+4171,Pijamas party é para poucos ahahahahahahahahahaha,1.5,Portuguese
+4172,"meu deus to sem físico nenhum, dou uma corrida e já to morta",3.5,Portuguese
+4173,"Chego a estas horas está sempre tudo arrochado, nunca tenho companhia",3.0,Portuguese
+4174,"@user deus te abençoe, amiga 🤢",2.8,Portuguese
+4175,Até foi bom ir ao texas hj ☀️,2.75,Portuguese
+4176,@user do exo nao sei mas shippo comigo,2.75,Portuguese
+4177,Rafa - “toda vez vai ser isso? Alguém chatiado com ela por conta de bebida depois de uma festa” #BBB20,1.8,Portuguese
+4178,"@user Estou na medida do possível, e você?",1.75,Portuguese
+4179,"E essa mão aí, Eduardo? http",2.2,Portuguese
+4180,@user Oxe como eu ia saber que eles iam mandar essas coisas?kkkk,1.8,Portuguese
+4181,Queria uma cervejinha,2.25,Portuguese
+4182,Eu já n tenho idade para me chatear com assuntos de pitas burras,2.2,Portuguese
+4183,"@user @user vc é um bb filho, n falaisso coisa feia",1.8,Portuguese
+4184,Pleno 2020 e neguin com fake p ficar fuxicando as coisas dos outros kk falta do que fazer????,1.25,Portuguese
+4185,"Menor, eu nunca me vi assim cct",3.5,Portuguese
+4186,"Não sei oque to fazendo acordado kk, não to conversando com ngm",2.2,Portuguese
+4187,Quero distância desse povo,2.0,Portuguese
+4188,"@user Ei, Cleo! Tudo bem sim e contigo? Seja bem vinda por aqui.",1.0,Portuguese
+4189,@user perfeita e canina,1.8,Portuguese
+4190,To feliz pq não vou apresentar meu trabalho hj,3.2,Portuguese
+4191,"ta sem luz aqui em casa desde 12h, mereço não",1.4,Portuguese
+4192,Porra! Que bosta ! Nunca fiquei tão decepcionado com um final de série ! Esperar muito mais muito mais de você #GOT,1.25,Portuguese
+4193,"depois desse DF TV de hoje, só sinto mais nojo de quem tá desrespeitando a quarentena e achando que é brincadeirinha",1.8,Portuguese
+4194,"meu pai falando ""você já é quase cega, e ainda fica comendo mt doce, a diabetes pode vir e tirar toda sua visão"" a bom...",1.6666666666666667,Portuguese
+4195,@user @user não precisa,1.5,Portuguese
+4196,"@user Simmmmm, já o rosa fica aquele fundo sem graça meio laranja, ai pois você me convenceu, vai ser azul msm",1.2,Portuguese
+4197,eu não sei nem o que estou sentindo neste momento,3.2,Portuguese
+4198,"@user @BTS_twt Que musica linda, amo ouvir ela 😍💖💖",1.75,Portuguese
+4199,Thelminha fada perfeita,2.0,Portuguese
+4200,@user vamos matar essas saudades depois da quarentena 😏,3.75,Portuguese
+4201,"@user faz, poe veneno",2.0,Portuguese
+4202,"@user Credinho, para kkkkk",1.4,Portuguese
+4203,@user Acostuma não kkkkkkk,1.5,Portuguese
+4204,Eu silencio tantas palavras no Twitter que tenho medo do feed ficar vazio,2.2,Portuguese
+4205,"Fica um mandando indireta pro outro no status, tão passando vergonha já",2.4,Portuguese
+4206,@user as vzs eu fico meio pra baixo por n ser uma pessoa com amizades mas depois penso em como é dificil sustentar amizades ent passa kkk,2.6,Portuguese
+4207,"@user Hahahahaha de vdd, frio é bom dentro de casa 🤦🏽‍♂️",1.5,Portuguese
+4208,foi o primeiro giro do vettel desse ano? nao lembro #bahraingp,1.0,Portuguese
+4209,@user Juro que não me lembro,1.6,Portuguese
+4210,Quero açaí 😣,1.4,Portuguese
+4211,"Vontade de pegar um final de semana em algum lugar sozinha, precisando sumir",3.75,Portuguese
+4212,"Vamos Porto, ganha me isto para lentarmos o caneco",1.0,Portuguese
+4213,"tanta coisa acontecendo na minha vida, nego que vê de fora acha que tá tudo bem 🖕🏾🖕🏾",3.0,Portuguese
+4214,Tava com uma sdd da porra de ouvir essa musica... http,1.4,Portuguese
+4215,Fodasse tudo só te quero a ti 🙃,4.6,Portuguese
+4216,"@lep139 sempre será o melhor do cenário, não tem como aushauuaua http",1.6,Portuguese
+4217,@user Wkfkksjfjw eu até que tomeim contato com gente da Galiza nem sabia da existência da palavra galinha,2.333333333333333,Portuguese
+4218,se essa primeira sexta-feira do ano foi assim nem quero ver as próximas😛,1.5,Portuguese
+4219,@user @user Padrão,1.0,Portuguese
+4220,minha mãe tá só o meme do pq cê tá chorando gatinha?!?! http,2.0,Portuguese
+4221,"""Um homem é apenas a estratégia de uma mulher para fazer outras mulheres."" (Margaret Atwood, in O conto da aia)",1.5,Portuguese
+4222,to passando mt mal q ódio,2.6,Portuguese
+4223,@user E seus desenhos são incríveis. Acompanho todos 💜,1.0,Portuguese
+4224,vamo estender o dia do sexo pro fim de semana todo que ai eu tenho esperança,4.0,Portuguese
+4225,"@user aii, já estou 🙄 vai trabalhar 😘",2.2,Portuguese
+4226,@user isso ai e a mais pura verdade,1.8,Portuguese
+4227,muito bom saber pra quem são as indiretas,1.75,Portuguese
+4228,@GuilhermeBoulos Fique por aí por favor!,2.0,Portuguese
+4229,@user tô antecipando já,1.5,Portuguese
+4230,Era só uma ida ao pasteleiro lá na Vila,2.25,Portuguese
+4231,Um dia quando perderes quem te sempre te apoiou é que vais dar o maior valor e quero estar presente para te ver cair..,2.0,Portuguese
+4232,seu perfil foi visto por 2 pessoas na última hora http,1.0,Portuguese
+4233,"Queria saber da aonde saiu tanto sono, uma pessoa q nem trabalha",2.0,Portuguese
+4234,"@user Já é lei, depois de 00:00 é áudio ou ligação",2.0,Portuguese
+4235,"Pelo menos hoje eu fui pra academia, a meta agr é não faltar a faculdade de novo",2.0,Portuguese
+4236,@user Cala boca doida. Tu ainda será uma dentista. As ideia,2.4,Portuguese
+4237,O cheiro do bglh q eu lavei o banheiro me fez mal 😖,2.8,Portuguese
+4238,@user Não me dá unfff,2.2,Portuguese
+4239,Que ódio mano,2.2,Portuguese
+4240,Eu já atropelei uma bike a pé,1.6666666666666667,Portuguese
+4241,@romulomendonca Oi porque os dois jogos da tarde não passaram na TV?,1.0,Portuguese
+4242,@user Qual cenário pode ser pior para Cuba do que os últimos 50 anos?,1.0,Portuguese
+4243,eu querendo cortar o cabelo curto..será q vai ficar bem?,1.8,Portuguese
+4244,eu to na dúvida se eu tiro o like que eu já dei em tudo no insta ou não kkkk,2.2,Portuguese
+4245,"Deus, obrigado por mais um dia de vida.",1.8,Portuguese
+4246,"quero logo q isso tudo volte ao normal, eu não aguento mais ficar trancada dentro de casa🙄🙄",2.0,Portuguese
+4247,@user Há controvérsias,1.4,Portuguese
+4248,Só tragédia...,1.0,Portuguese
+4249,boa noite twitter já conhecem a lenda sergipana do pé grande de aju? http,1.4,Portuguese
+4250,eu quero chorar,3.5,Portuguese
+4251,@user Pessoal porfavor compaixão,1.8,Portuguese
+4252,@user te amo muito mais!!!💖💖,4.2,Portuguese
+4253,@user Influencer ne amiga kkkk esse povo que fica famoso fazendo vários nadas tudo tem cara de chato e falsos,2.0,Portuguese
+4254,tomara que eu morra também.,4.2,Portuguese
+4255,Legal q nem cozinhar sei direito e já pensei em quinhentas coisas,2.0,Portuguese
+4256,"GC- vi em algumas festinhas, acho bem bonito e gente fina",2.6,Portuguese
+4257,To lendo tudo bem sgrahho,1.0,Portuguese
+4258,ter um quarto SÓ SEU e ter privacidade deve ser uma das melhores coisas do mundo.,2.8,Portuguese
+4259,tem filho da puta marrento demais,1.4,Portuguese
+4260,Eu morro de dó das minhas doguinhas quando estão no cio por não poderem subir na cama/sofá kkkk,3.0,Portuguese
+4261,"Todo esse pessoal que tá reclamando do meu fancast gosta de *-Pop, tá explicado o mal gosto.",1.8,Portuguese
+4262,@user Melão? Rádio melão é sério isso?,1.0,Portuguese
+4263,Queria saber discutir com alguém sem chorar,1.75,Portuguese
+4264,@user Essa mulher é tudo track,2.6,Portuguese
+4265,berrooo. ainda tem gente que me shippa pra caralho com a @,4.0,Portuguese
+4266,"queria um spoiler dos próximos anos da minha vida, se não for valer a pena eu acabo com ela nessa temporada mesmo",3.4,Portuguese
+4267,To triste. Ele é a coisa mais linda do mundo. ): @BTS_twt http,2.8,Portuguese
+4268,"não dêem chances pra macho que só brinca com sua cara não, sério, ele não vai mudar na verdade, vai se acomodar",3.25,Portuguese
+4269,@user Eu processava por danos morais,2.0,Portuguese
+4270,"Ne perguntando pq q eu vim comer com os meninos, eu odeio eles",3.0,Portuguese
+4271,meu mundo todo bem aqui. http,1.0,Portuguese
+4272,@user Sim!!! Assim mesmo kkkkkkkkkkk,1.0,Portuguese
+4273,vou ouvir dont call me angel até gostar,1.6,Portuguese
+4274,se o inter se classificar semana que vem pode me levar direto do DS pra UPA,1.2,Portuguese
+4275,@user E o tesão,4.0,Portuguese
+4276,@user É óbvio que é porque ele realmente sabe.,1.6,Portuguese
+4277,@Palmeiras Tomando sufoco de um time que não ganha de ninguém.,1.4,Portuguese
+4278,"@user @user Ele é uma graça, mas virou supervisor ent fica complicado né, gata",2.8,Portuguese
+4279,@user muito b,1.75,Portuguese
+4280,eu estou ligado em modo avião,1.3333333333333333,Portuguese
+4281,dor de cabeça é essa ff,1.4,Portuguese
+4282,"Sou muito deusa, caralho! http",2.4,Portuguese
+4283,@user Não mesmo,1.25,Portuguese
+4284,Esse ano eu vou largar essa vida de imprestável e vou fazer kkkkkkkkk,2.0,Portuguese
+4285,toma 🚿 chanbaek 🙈 é pra você lavar o cabelo 🚿🙏 se faria isso👍😍 por chanbaek 🥺😘 compartilhe http,1.3333333333333333,Portuguese
+4286,Vou tomar um banho e dormir 😴,2.4,Portuguese
+4287,Mais tarde vou dar uma voltinha com meu amor 💕,3.75,Portuguese
+4288,@user quero,1.8,Portuguese
+4289,Nós é o crime não é o creme,2.0,Portuguese
+4290,Eu penso nessa possível 3° guerra mundial é começo a rir kkkkkkkkkkkkk,1.4,Portuguese
+4291,eu tenho uma figurinha q diz a mesma coisa aaaaaaaaaaa,1.0,Portuguese
+4292,"ahahaha 4-1, é lixado",1.6,Portuguese
+4293,como eu amo minha mãe mds,4.2,Portuguese
+4294,"Mano to tranquilao, depois eu que sou o criança 😣",2.0,Portuguese
+4295,seu perfil foi visto por 5 pessoas nas últimas 4 horas http,1.5,Portuguese
+4296,"Não importa o quanto você mude, ainda terá que pagar pelos erros que cometeu.",1.6,Portuguese
+4297,Ja comecei a semana achando 27$ em uma calça antiga kk Boa semana pra nós tudo !,1.6,Portuguese
+4298,Estou com bué medo fr,1.2,Portuguese
+4299,@wendellfp Acho que numa quarta rodada achamos coisa melhor,2.25,Portuguese
+4300,atualização de acessos no meu perfil http,3.25,Portuguese
+4301,nossa ff eu to lokão,1.3333333333333333,Portuguese
+4302,Ai esse sorrisinho destroi meu coração na moral 😍,3.0,Portuguese
+4303,"Allan contratado. Arana é o próximo. Se fecha com o Bustos, podem fazer amanhã uma estátua do @rubensmenin na Sede do Galo.",1.0,Portuguese
+4304,"Minha namorada é muito gata, pqp🤦🏻‍♂️😍",4.0,Portuguese
+4305,@user Aí eu sou muito indecisa,1.5,Portuguese
+4306,@user Muito bonita a jogada que originou o gol do United.,1.0,Portuguese
+4307,@user mo fome também,1.5,Portuguese
+4308,vou comprar uma lace loira fodase 😭 http,1.8,Portuguese
+4309,@user cê é engraçada aiai,2.5,Portuguese
+4310,@user você sempre foi 😘😘,2.75,Portuguese
+4311,@user mete o fio dental e passa o olho no bumbum,3.8,Portuguese
+4312,Olha aí. RT @user 12 de novembro de 1989 - Três dias depois da queda do Muro de Berlim. http,1.25,Portuguese
+4313,@user Tem como importar pro Spotify? COMO ASSIIIMMMMM??? Eu não sabia desse evento!,1.25,Portuguese
+4314,tyler doido da cabeça,1.5,Portuguese
+4315,Nunca quis tanto que o Chris chegasse igual quero hoje 🙄😔,3.2,Portuguese
+4316,Vou sentar e assistir,1.4,Portuguese
+4317,Acabei de atropelar um fã do cb,2.2,Portuguese
+4318,duas,1.0,Portuguese
+4319,Tenho que ir em uma boate dançar feito louca igual minha mãe fazia,3.0,Portuguese
+4320,@user A parte do Luccas Carlos nesse poetas dá vontade de viver,2.2,Portuguese
+4321,"Montei o meu esquema, e hoje eu tô de nave",1.3333333333333333,Portuguese
+4322,@user pao c leite condesado é o troço mais seboso q o ser humano comete,1.6,Portuguese
+4323,"pfvr, naum seja o típico adolecente que grava vídeos com uma bebida alcoólica na mão pra se sentir superior...",1.4,Portuguese
+4324,aliás o ****** tá mó dando em cima de mim nd novo sob o sol mas aí credo ele nao,4.0,Portuguese
+4325,@user põem amoh,2.333333333333333,Portuguese
+4326,@user Sem desculpas faz outra janta 🙆🏻‍♀️,2.0,Portuguese
+4327,@user não http,1.0,Portuguese
+4328,@user nao tem nada melhor q pizza de alho serio,1.8,Portuguese
+4329,"Caso alguém quer um encontro e Uniters confirma a presença pra resolvermos a data, horário e local #RexonaNowUnited #BoicotaramOsUniters",1.6,Portuguese
+4330,"@user poooxaaa, tô me inspirando em você coisa linda😍",3.0,Portuguese
+4331,Sou um vacilo como namorado,3.75,Portuguese
+4332,"@user por mim, marcela já pode ganhar",1.6,Portuguese
+4333,vitória strada e isis valverde são as mulheres mais linda do mundo e quem discorda nem é gente,2.4,Portuguese
+4334,eu sou a única q não assiste bbb nessa porra é,1.0,Portuguese
+4335,"ai, saudade mesmo eu tenho é do meu Osasco do ano passado :(",3.0,Portuguese
+4336,As sequências de Matrix são uma merda pena que o filme não funciona sem elas,1.25,Portuguese
+4337,@user Grazie Ele 😘❤️,3.8,Portuguese
+4338,"Eu sei que se eu tomar essa decisão novamente, dessa vez é definitiva, não tem como não ser",2.6,Portuguese
+4339,@user tem q estar com o pelinhos um pouco crescidinhos né?,4.75,Portuguese
+4340,@user Fds o 9 e basicamnete tudo que ouvia com 14-15 anos xd,1.75,Portuguese
+4341,Gaga mostrando que ela é o próprio evento #MetGala http,1.0,Portuguese
+4342,Eu e minhas amigas quando o embuste passa http,2.25,Portuguese
+4343,pra q eu fui inventar de fazer uma carreira com o Flamengo??? crl a hora q eu tô indo dormir,2.25,Portuguese
+4344,Na ligação com o motivo dos meus estresses,3.0,Portuguese
+4345,@user É de filosofia ?,1.0,Portuguese
+4346,putz eu ia fumar hoje mas eu me lembrei q eu prometi q nao ia mais olha to muito boiola,3.0,Portuguese
+4347,@user Toque vai chega,1.75,Portuguese
+4348,Kkkk vai tomar no seu cu,1.25,Portuguese
+4349,é tão bom quando faz muito tempo que você não ver uma pessoa e quando vocês se vêem parece que nada mudou,2.5,Portuguese
+4350,"cabeça a mil, não sei mais o q fazer 😰",3.8,Portuguese
+4351,"tudo é visto, porém nem tudo é dito.🤙🤙🤙",1.5,Portuguese
+4352,"Px carnaval, pq acabou tão rápido 😔😔😔😔",1.8,Portuguese
+4353,"@user não viaja ana clara, sério",2.25,Portuguese
+4354,Me manda mensagem aaaaa,3.25,Portuguese
+4355,@user Senti-me desconfortável,3.8,Portuguese
+4356,@user @user Eu não perguntei sabe🤔🤣,1.0,Portuguese
+4357,"Aqui. Depois de muito desenhar a Yuki, finalmente encontrei um traço que combina mais com ela. http",1.5,Portuguese
+4358,"Eu sou muito ansioso com as coisas, queria que tudo se resolvesse logo",3.8,Portuguese
+4359,Jack me deu um puta arranhão na perna e eu tô só chorando aqui pra passar álcool,2.4,Portuguese
+4360,Boa noite ahgases 🥺💚 @GOT7Official #GOT7,1.25,Portuguese
+4361,@user se morrer só sei rir,2.25,Portuguese
+4362,o seu perfil foi visto por 8 pessoas nas últimas 12 horas http,1.25,Portuguese
+4363,@user não fala isso por favor carla,2.8,Portuguese
+4364,"apesar de tudo, jogamos bem",1.6,Portuguese
+4365,do que adianta ter um sorriso bonito se eu sou feia?,2.2,Portuguese
+4366,@user cassio chegou a pegar banco nessa decada p walter pq estava mal,2.4,Portuguese
+4367,qual que eh a pira de dar rosa pras mulher ????? pq q não da um cacto sei la,3.0,Portuguese
+4368,@user amo??? vai ficar lindo,2.0,Portuguese
+4369,Queria ser o motivos da indiretas de alguém,2.4,Portuguese
+4370,"Só um café com leite na minha vida, pqp",2.0,Portuguese
+4371,@user meu otp 😭😭😭,2.0,Portuguese
+4372,@user julia pq tão perfeita????,3.4,Portuguese
+4373,@user que nenhum dele pro teu time não ?? vou vende essas porra no fifa tnc,3.0,Portuguese
+4374,Não é porque não mando mensagem que não quero falar,3.4,Portuguese
+4375,q saco eu vou me matar,3.4,Portuguese
+4376,eu fico toda besta quando eu recebo elogio de alguém que acabou de me conhecer af 😍,3.0,Portuguese
+4377,ler conversa antiga do facebook é mt bom pqp que saudades,2.5,Portuguese
+4378,"Tinha ficado em Milhais, que o vírus lá não chega 😂😂😂😂",1.8,Portuguese
+4379,@user gêmeos,1.0,Portuguese
+4380,tá já sei qual é,1.6,Portuguese
+4381,capitão america atingiu todos os níveis de beleza em endgame puta merda que homem,2.0,Portuguese
+4382,"@user É a nova versão de ""Bolsonaro é o único que perde para o PT no segundo turno. Votar Bolsonaro é favorecer a volta do PT"".",1.0,Portuguese
+4383,juro quem me dera que nos dessem mais tempo para estudar história gosto bué desta matéria,1.6,Portuguese
+4384,"meu aniversário é amanhã,as duas pessoínhas chapadas já me deram parabéns 😂❤️",3.0,Portuguese
+4385,@user Kkkkkk mas não é tãoooo apertado assim não kkkkk,2.6,Portuguese
+4386,"@user KKKKK amiga, foi horrível.",1.8,Portuguese
+4387,"Quem já sacou o príncipe de Maquiavel, sabe que Biroliro está dando os pulos certos pra tomar no cu, o príncipe vai tomar no cu.",3.2,Portuguese
+4388,a novela nunca mais começou,1.25,Portuguese
+4389,[#VÍDEO] 07.02.20 • Ryujin e Chaeryeong na cerimônia de graduação de Hanlim. #ITZY @ITZYofficial http,1.4,Portuguese
+4390,Meu guarda roupa é um shopping,1.2,Portuguese
+4391,nunca consigo ouvir enchanted sem lembrar da bia,3.6,Portuguese
+4392,a última foi falar que NADA é mais gostoso que macarrão com feijão. essa confesso que fiquei meio triste.,1.75,Portuguese
+4393,@user Sai feia kkkk ranço tenho eeeu,2.8,Portuguese
+4394,Será Que Eu Estou De Tpm Ou Apenas Estou A Beira De Um Surto Psicótico,3.2,Portuguese
+4395,To com fome demais nu,3.0,Portuguese
+4396,E a pessoa nem percebe,2.0,Portuguese
+4397,@user dia 10 ainda,1.4,Portuguese
+4398,@user Eita pra ele,1.0,Portuguese
+4399,Você é corna ou tão zoando? — E quem não é // nunca foi ? http,2.75,Portuguese
+4400,"@user Ksnsksnsksks puts, forças braços do João",2.0,Portuguese
+4401,"seguinte quem for ver os vingadores e der spoiler, vai ser só rojão",2.8,Portuguese
+4402,Marvel é melhor que muita gente,1.2,Portuguese
+4403,"Mas eu vou aguentar, não vou ligar pra ela, sou forte gente",3.4,Portuguese
+4404,@user @user kkkkkkkkk aquele cara é um carente coitado,2.2,Portuguese
+4405,@user * com ela e manu,2.0,Portuguese
+4406,@user Amigo eu quero dar RT pq eu fiquei louco em TODOS esses lugares kakakakak,3.2,Portuguese
+4407,"@user Eu não creio que não vai na costelada, eu já vou dia 17 no baile da gaiola e dia 18 costelada, bora thai",2.0,Portuguese
+4408,Deadpool é um filme tão brabo,1.25,Portuguese
+4409,"No teu jeito que eu me amarro, de quatro eu jogo o rabo",3.6,Portuguese
+4410,Se vc implica com cores por causa do time que você torce: pau no seu cu,3.0,Portuguese
+4411,"Eu não estava preparada pra voltar hoje, não queria voltar pra aquela turma tão cedo",2.8,Portuguese
+4412,"@user Tudo isso,, meu coração derreteu",2.0,Portuguese
+4413,"@victoroliveira A não, prefiro deletar a sua fome. 😉",3.2,Portuguese
+4414,Mds só os meninos pra me fazerem rir agora kkkk @BTS_twt,2.4,Portuguese
+4415,A cena do Cão tomando uma surra e a Arya caindo #GameofThrones,1.0,Portuguese
+4416,@user @user Tô esperando essa história no dix,2.0,Portuguese
+4417,Era só um brigadeirinho pra ficar feliz.,1.2,Portuguese
+4418,@user @user @user amo você demais minha princesa ❤,4.0,Portuguese
+4419,Justo amanhã que tem rolêzinho bacana em AF meus amigos tem que voltar pra sinop. To bem triste viu,3.2,Portuguese
+4420,"Minha mãe tá arrumando outro cachorro, Jesus amado",2.4,Portuguese
+4421,eu dormi,1.0,Portuguese
+4422,@user oq ninguém sabe ninguém estraga 🤪🤪,2.8,Portuguese
+4423,Ano que vem vou comprar é logo 2 ovos de colher da Paôla Cakes só pra compensar minhas mãos vazias desse ano,1.5,Portuguese
+4424,"@user mana tava pensando aqui que como vc estuda letras, deve morrer com meus erros de português ksks",2.2,Portuguese
+4425,"@user @user eu sigo só quem são meus amigos, o resto dou bloq",2.0,Portuguese
+4426,fav= uma indireta na dm 😅,2.8,Portuguese
+4427,"quero q vc me note, na dm um monte chama, vou virar só mais 1 — Vou notar mas preciso saber qm é 🤷🏻‍♀️ http",4.2,Portuguese
+4428,"@user @user No Aliexpress tem, pesquisa pela foto. O problema é a demora pra chegar",1.25,Portuguese
+4429,O diretor do colégio // o Sub-diretor do colégio kkk http,1.8,Portuguese
+4430,Acho que a coisa mais importante é sentir que existe uma rede de apoio. Independente do que traga o amanhã,2.4,Portuguese
+4431,Acabo de olhar no whatsapp ta gabi falando se vamos no aniversário dela em Guarapari kkkkkk ela não conhece os amigos que tem,2.4,Portuguese
+4432,Kkkkk umas coisas inacreditáveis que só acontecem nesse tanque,2.2,Portuguese
+4433,@user Kk eu sigo mais sou seu mutual vixi,2.2,Portuguese
+4434,A contratação de um treinador de respeito deve vir HOJE. O tempo urge. A Série A já começou para o @user,1.5,Portuguese
+4435,@user O azul é a agua,1.0,Portuguese
+4436,@user É Oq tem pra esse ano 🥺,1.6,Portuguese
+4437,"tá , quero vc e seus amigos e agora?",4.4,Portuguese
+4438,"@user Sei nao hein, nunca perdi nesse jogo pra ngm",1.8,Portuguese
+4439,dps que passei a colocar isso em prática minha pele ficou perfeitah,1.4,Portuguese
+4440,la no st augustin de manha ver a questã da cirurgia,1.6666666666666667,Portuguese
+4441,Que calor meu deus,1.4,Portuguese
+4442,@user ao cachorrinho por favor,1.2,Portuguese
+4443,@user Por isso eu amo o niall,2.6,Portuguese
+4444,assistindo as branquelas pela milésima vez,1.8,Portuguese
+4445,@user @user JDKAKJDBDND seria uma webamiga que eu poderia conhecer,3.2,Portuguese
+4446,"@user ficou ruim pra ele, luana kkkkkkkkk",1.4,Portuguese
+4447,"Aiiii eu amo o Rodrigo gente, melhor instrutor que eu tive ❤️❤️",3.8,Portuguese
+4448,"Sonho em ver você abrindo a porta ou mandando um áudio de volta Ah como eu queria ouvir tua voz, dizendo que ainda existe nooooos 🎶",3.2,Portuguese
+4449,@user Como é que te pagam mt se não tens experiência na área,1.8,Portuguese
+4450,@user bem vindo amigo👍🏽 c o r n e l i u s @user @user @user só ls corno,2.2,Portuguese
+4451,fazer oq,1.2,Portuguese
+4452,Deitada com amor da minha vida 😍,4.6,Portuguese
+4453,Depois de aguentar esse b.o Eu nunca mais me relaciono com ninguém,3.0,Portuguese
+4454,@user não é não,1.5,Portuguese
+4455,Brotei,2.6666666666666665,Portuguese
+4456,@user A ft em si ne jovem. Mas o estrutura doida taa,1.6,Portuguese
+4457,mano vocês tem noção que aqui TODO MUNDO tem tatuagem? se uma criança nascer sem tatuagem é pq o cara é corno,2.4,Portuguese
+4458,@user Vc desistiu da vida de estagiário em direito?,3.2,Portuguese
+4459,tenho que acordar cedo e estou aqui ainda.,1.2,Portuguese
+4460,"caralho, é hoje mané 23 de novembro de 2019",1.6,Portuguese
+4461,"@user Eu acho que simmm, mas não hoje",1.5,Portuguese
+4462,minha mãe hj “ihh minha filha vai namora é???” KKKKKKKKKKKKKKKKKKKKK mãe olha bem p mim eu nem sei faze essas coisa,3.0,Portuguese
+4463,então quer dizer que vocês precisam falar mal dos outros para se sentir bem ? entendi,1.4,Portuguese
+4464,"Me tornei quem eu mais temia a pessoa que deixa de gastar com si pra comprar cortinas , tapetes , panelas e utencilios de cozinha 😂😂",1.8,Portuguese
+4465,"Tem gente que da uma preguiça, né? Hahaha. - Depois da corridinha, queria que ficasse assim! 😛❤️ http",3.2,Portuguese
+4466,"@user @user Era, até hoje",1.25,Portuguese
+4467,sonhar os sonhos mais loucos com vc,3.4,Portuguese
+4468,Quem tem preguiça vai para o inferno ou eles vêm buscar a casa?.,1.2,Portuguese
+4469,@user Eu sou uma ótima fotógrafa,1.4,Portuguese
+4470,"Tirei foto n, mas foram momentos bem vividos😏",3.8,Portuguese
+4471,minha namorada me trocou pelo ff🙄,3.0,Portuguese
+4472,Eu sou muito mais flamenguista do que brasileira,1.2,Portuguese
+4473,Assistindo stream da @user enquanto leio gays em espanhol http,3.8,Portuguese
+4474,"@user Carol, você achou a sua filhaaaaa",2.4,Portuguese
+4475,eu tinha esquecido COMPLETAMENTE q amanhã tinha prova kkkkkk pqp,1.8,Portuguese
+4476,"Vida de solteiro é muito boa, admito, mas a primeira oportunidade to deixando ela kkkkkkk",3.2,Portuguese
+4477,Vcs viciaram em Live mesmo hein,2.0,Portuguese
+4478,Pensando seriamente em emendar esses três dias e ir pra aula só segunda-feira 🤔,2.25,Portuguese
+4479,"Abre a cabeça também, pra ver se ta tudo certo",1.8,Portuguese
+4480,to passando mal com o capítulo de hoje #NasceOCloneNoViva,1.0,Portuguese
+4481,@user Jão começou o ano com zero paciencia...,1.4,Portuguese
+4482,Os travessos ta cantando aqui na provi 🎶❤,2.25,Portuguese
+4483,Alguém conversa comigo?,2.0,Portuguese
+4484,@user vai se fuder vc é verme kkkkk to indo agr,3.0,Portuguese
+4485,@user eu sou uma piada pra vc??? http,2.6,Portuguese
+4486,nem saiu nada direito do hardin mas eu já sinto que ele está mais fiel ao livro http,1.6,Portuguese
+4487,"Essa resenha sexta vai dá merda, MT gelo 🚀🍻🤗",2.2,Portuguese
+4488,@user Kkkkkkkk troquei o ritmo,1.75,Portuguese
+4489,"Só eu achei o cúmulo que na inscrição do Enem, na opção 'cor/raça' está ""Preta"" e não ""Negra(o)"" ??",2.4,Portuguese
+4490,"""o que não te desafia não te evolui""",1.0,Portuguese
+4491,@user Vamos ver essa tese aí ?,1.25,Portuguese
+4492,"E esse comentário da Galisteu "" Quero ficar loira e não careca "" 🤔🤔🤔 #ATardeESua",1.6,Portuguese
+4493,Essa não foi a vida que eu preparei quando era criança,2.0,Portuguese
+4494,queria mamai aqui comigo 🥺,4.0,Portuguese
+4495,@user @user está rolando o link da Vakinha de vocês na Live solta o RT !! @user @fer @user,1.75,Portuguese
+4496,@user O máximo que eu te mostro é um lomofit do meu cachorro,2.6,Portuguese
+4497,os bico faz uuuuhhh e as gata também,2.8,Portuguese
+4498,essas pessoas acabaram de visualizar seu perfil http,1.4,Portuguese
+4499,@user @user mas a gnt não tava namorando?,3.6,Portuguese
+4500,"@user Ainda, Branco. Desacredita não puto kkk",1.6666666666666667,Portuguese
+4501,precisava da minha mulher aqui agr !,4.333333333333333,Portuguese
+4502,Os moçambicanos não estiveram na aula em que disseram isto. É 9 senhores 😂 http,1.4,Portuguese
+4503,@user Isso interfere no possível acordo com a UE?,1.2,Portuguese
+4504,beliebers não me sigam faz favo,2.0,Portuguese
+4505,@user @ComedyCentralBR Quando não é convidado especial?? Hahahahahahahaha todos são 100000,1.4,Portuguese
+4506,"@user lucas, vai beber água vc tem q ser lindo e hidratado http",3.0,Portuguese
+4507,@user @user @user Básicamente,1.0,Portuguese
+4508,irmãs menos.... o surto so pq ela apareceu,1.4,Portuguese
+4509,@user todo mundo ama o daí kkkk,1.6,Portuguese
+4510,@user E se vc conseguir chegar lá kkkkkkj,2.2,Portuguese
+4511,"@LulaOficial Pois é, vc matou a fome da família odebrecht, oas, Queiroz Galvão..... por uns 500 anos",1.3333333333333333,Portuguese
+4512,"Preciso, mt ir dormir, mas meu cérebro parece q não desliga meeu",2.8,Portuguese
+4513,@BolsonaroSP Meu avô te mandou tomar no cu,2.0,Portuguese
+4514,Eu sendo ameaçado pelo futuro cunhado é auge kkkk,3.2,Portuguese
+4515,@user Moro aonde tem proteção 24 hrs 🤣🤣🤣,2.0,Portuguese
+4516,um dia eu vou fzr um lomotif com best part c meu namoradokkkkkkkkkk,4.2,Portuguese
+4517,@user Vai levar uma paulada,2.8,Portuguese
+4518,Hojeee eu vou te comer safadinha vou acabar com a tua marrinha dps vou mandar tu vazar,4.8,Portuguese
+4519,queria te mentido e dito que ia viajar e que não dava pra ir,2.2,Portuguese
+4520,"#MoroCriminoso gENTE?! Oq eu perdi, scr... Quem diria...",1.8,Portuguese
+4521,"realmente, não tenho amigas, nem na própria escola hahahahahha aí aí",3.2,Portuguese
+4522,muito trist essa fase onde a vontade d ter alguém é do tamanho do desinteresse por todo mundo,3.4,Portuguese
+4523,@user @user Só ela que é desenformada kkkkkkk,2.4,Portuguese
+4524,"@user muito lindo, pena que não fala cmg, PENA MESMO",3.0,Portuguese
+4525,"quando eu acho q tenho alguém,eu n tenho ngm mesmo",4.2,Portuguese
+4526,"Sempre há uma luz no fim do túnel pra quem correr atrás do seu, to indo atrás do meu fé em Deus 🎶💪🏾🙌🏾",2.5,Portuguese
+4527,Tão bom reconstruir minha poupança affff,2.25,Portuguese
+4528,Odeio a sensação de ficar entrando aq toda hora pra ver se certa pessoa me respondeu,3.8,Portuguese
+4529,@petrobras @user Abaixo preço da p@ da gasolina!,1.4,Portuguese
+4530,"acho q vou fazer cards com fotos do btsw dnv, mas vou tentar fazer em holográfico serasse consigo",1.8,Portuguese
+4531,"""BBB é pra gente sem intelectualidade, vão ler o um livro"" Eu assistindo BBB KKKKKKKK #BBB20 http",2.2,Portuguese
+4532,"as vezes acho que tô grávida só por causa do meu gosto para comida, por exemplo, nesse momento tô comendo leite condensado com farinha",3.0,Portuguese
+4533,Simples exercícios para melhorar à disposição e enfrentar as vicissitudes do dia dia . http,1.5,Portuguese
+4534,Cansaço é lixo,1.2,Portuguese
+4535,bom dia n acredito nas coisa q eu fiz ontem vo volta a dormi p ignora a realidade bjs,2.2,Portuguese
+4536,"Acha bonito fazer seu namorado de corno? — primeiro q nem corno ele é, então seja menos fofo(a)! 😘 http",3.2,Portuguese
+4537,se não eu não fizesse alguma merda hoje eu não me chamaria maria eduarda,3.25,Portuguese
+4538,minha barriga de guepardo voltou to filiss,1.8,Portuguese
+4539,triste pq n fui pra minha aula de stiletto,2.6,Portuguese
+4540,team sacana é o futuro.,1.4,Portuguese
+4541,desculpa bts não consigo me animar hj :(,3.2,Portuguese
+4542,É Flamengo pra caralho porraaaaa,2.0,Portuguese
+4543,não tá sendo nenhum pouco fácil,2.8,Portuguese
+4544,Se sdds matasse eu já teria perdido 1 das minhas 7 vidas,2.2,Portuguese
+4545,"hj á noite quando tava a passar a autoestrada e quase ia sendo atropelada , a minha mãe tava no carro de trás , kkkk",3.0,Portuguese
+4546,@user Jogou bem,1.4,Portuguese
+4547,@user O problema é que nunca mais acaba,1.8,Portuguese
+4548,vai rebola p pai,2.25,Portuguese
+4549,Apegue-Se somente naquilo que te faz bem😣,2.2,Portuguese
+4550,@user Eu venho pensando sobre a tempos...,2.2,Portuguese
+4551,passando pela humilhação de ir pra ufes com roupa de academia,2.0,Portuguese
+4552,"@user A minha eu desanimei com ela, mas quem sabe eu não volte algum dia",2.6,Portuguese
+4553,"@user Aposto que é pigunço, vagabundo e quadrúpede, que outro tipo desejaria um encontro com o ladrão?",1.6,Portuguese
+4554,Acho que vou brt nesse bglh do Denilson lá no gremio em 😅😅😅,3.0,Portuguese
+4555,"@user Ja sabia, assisti o jogo sabendo da bosta",1.0,Portuguese
+4556,seu perfil foi visto por 6 pessoas nas últimas 2 horas http,1.0,Portuguese
+4557,O universo deve ter problemas de audição!,1.25,Portuguese
+4558,Td mundo fica chato nessa época do ano?,1.2,Portuguese
+4559,n aguento mais os moments do brasil pqp,2.6666666666666665,Portuguese
+4560,@VEJA Vocês podiam fazer uma matéria sobre os 500 BILHÕES em esquemas de CORRUPÇÃO DO PT?? #SomosTodosMoro,1.4,Portuguese
+4561,"Vou ver meu bb dps do trabalho, hihi",1.8,Portuguese
+4562,Que fomee,2.0,Portuguese
+4563,"Um empate do Botafogo Hoje, um empate do Náutico amanhã e 2 a 1 pro meu Cavalo. #Vaipracimadelesaço #serieCnoDazn",1.5,Portuguese
+4564,@user @user @user @user Vai a merda fortnite é vida,2.8,Portuguese
+4565,Paciência nenhuma juro,2.2,Portuguese
+4566,Preguiça de viver pelo resto da semana,1.2,Portuguese
+4567,@user Muito amor da minha vida mesmo aa❤💜💖💙💖💖💖👌💜💗💗💛💗💙💜❤❤❤❤❤,2.8,Portuguese
+4568,Eu : namoral makoto é muito gado kkkkkk Outra pessoa : nossa o makoto é muito gado Eu : OQ DISSE MACHISTA,2.333333333333333,Portuguese
+4569,só uso coração amarelo com quem eu gosto de verdade! fato,2.8,Portuguese
+4570,“Não vou conseguir viver comigo mesmo se não permanecer fiel ao que eu acredito.”,2.0,Portuguese
+4571,@NetflixBrasil @user @AmybethMcnulty só se for na sua mente ANNE NÃO ACABOU,2.0,Portuguese
+4572,Tô pra ver família mais desorganizada que a minha,3.6,Portuguese
+4573,"@user vou procurar agora pra ver, obrigada amiga",1.4,Portuguese
+4574,"Você è uma boa pessoa,só não foi uma boa pessoa pra mim...",3.0,Portuguese
+4575,novo status: pessoas que visitaram meu perfil http,1.75,Portuguese
+4576,"@user ta mais q certo, contra a sexualização masculitica e pelo direito dozomis serem fortes sem precisar mostrar os peitos",2.8,Portuguese
+4577,@DouglasGarcia @helderbarbalho @EderMauroPA Isto é uma amostra Grátis do COMUNISMO. Vai Querer?,1.0,Portuguese
+4578,mds to desde do ano passado sem beijar,3.4,Portuguese
+4579,"@user Caralho que isso, agora sim eu vi vantagem kkkkkk",2.8,Portuguese
+4580,Acabou de publicar uma foto http,1.8,Portuguese
+4581,"Quanto mais fico em casa, mais em casa quero ficar",1.2,Portuguese
+4582,"Não quero trabalhar em casa, socorro",2.8,Portuguese
+4583,ser fanático não te faz dono do teu ídolo e muito menos te faz ser mais do que alguém.,1.6,Portuguese
+4584,essa merda ta me deixando exausta e eu n consigo abrir a boca pra reclamar um a,3.5,Portuguese
+4585,"@user Nsksnsks no meu caso foi na loka mesmo, amo e odeio essa decisão",2.4,Portuguese
+4586,@user olha nosso novo vizinho 👉 @user,2.4,Portuguese
+4587,@user melhor que as duas só sua apresentação solo da formiguinha,2.2,Portuguese
+4588,@user Nem tenho tua senha kkkkk,2.0,Portuguese
+4589,eu ignoro mta coisa pra eu n ficar tristekkkjj,2.8,Portuguese
+4590,"@DeputadoFederal Assim você complica, Deputado. Pela dar a, fica a reforma.",1.6,Portuguese
+4591,@user Sempre quem fala isso tá sofrendo por amor,2.4,Portuguese
+4592,"Eu deveria ser mais forte, odeio isso em mim, a forma como meu emocional é uma merda. Cara, autopiedade é o inferno. Poxa.",4.25,Portuguese
+4593,"@user @user Washinton e Assis faziam a diferença, mas o time todo era bom. Ficou pra história.",1.2,Portuguese
+4594,"Tnc! Sai de casa com um desejo de tomar um caldo de cana, no centro, passei 35min e não consegui um estacionamento 😪",1.25,Portuguese
+4595,Nada é eterno muito menos esse Luv,1.6,Portuguese
+4596,@user A melhor depois da de 70,1.4,Portuguese
+4597,@user já disse que não é nada http,1.4,Portuguese
+4598,Camelô vende camisa da seleção com nome de Najila e número 171 http,1.0,Portuguese
+4599,"nossa to com a barriga tão grande, acho q vou pedir um usina p amenizar essa tristeza 🥺😭",4.0,Portuguese
+4600,@user “ aí pq vcs trabalham aqui de boa “,2.6,Portuguese
+4601,Alguém me salva desse tédio,2.2,Portuguese
+4602,hoje podia ter sido tudo diferente,2.4,Portuguese
+4603,@user @user n é meu esse bilhete,1.25,Portuguese
+4604,Estou morrendo de fome,2.0,Portuguese
+4605,Tô acordando cedo a semana inteira,1.4,Portuguese
+4606,@user MANO um deles qr me apresentar pro filho pelo amor de deus,3.4,Portuguese
+4607,O Oscar não é o ex atacante da seleção??,1.0,Portuguese
+4608,"@user ele paga certinho, sem manipulação como certos velhotes",2.6,Portuguese
+4609,@user Um ótimo dia pra vc Mi!,1.6,Portuguese
+4610,mto homem de negócios ele viajando a trabalho,1.25,Portuguese
+4611,"@user então comigo vc ta em prova o ano todo, n é possivel",2.0,Portuguese
+4612,sofremos golpe de estado mas hoje estamos ae 🎶,1.8,Portuguese
+4613,tô vendo todo mundo posta sobre turma e eu estou tão feliz por não me preocupar mais com isso,3.4,Portuguese
+4614,@user Meu lugar - Onze:20 Ainda não consigo escutar 😪,1.75,Portuguese
+4615,"Gente eu to chocada com as histórias de ex namorados de vcs, nois pensa q já passou por merdas até ver as dos outros",3.2,Portuguese
+4616,Mulher dos outros não Meche Que É Problema . 🎶✌️,2.5,Portuguese
+4617,pq q quando a gente tá com pressa o motorista para em todos os pontos possíveis??,1.5,Portuguese
+4618,@user Eu sei que estou errada em ficar dando atenção mas foi mas forte que eu.,2.4,Portuguese
+4619,@user @user Hahahahaha é assim mesmo,1.0,Portuguese
+4620,Se eu fui dormir triste acordei pior ainda,3.0,Portuguese
+4621,Acabou de publicar uma foto em Petrobras - Bacia de Campos http,2.0,Portuguese
+4622,perfil visualizado por 8 pessoas http,1.25,Portuguese
+4623,Era só um empadão hoje.,1.4,Portuguese
+4624,"@user tá na lista pra assistir também, acho que os de princesa eu vou ver por último",1.6,Portuguese
+4625,23 é o terror da praça seca,1.3333333333333333,Portuguese
+4626,n aguento mais ver estrada,1.5,Portuguese
+4627,"@user Vc é meu ""amigo""",2.8,Portuguese
+4628,Seu crime foi me amaaaaaaar,2.8,Portuguese
+4629,"@user ridículo, um cara desse tinha que ficar preso no mínimo uns 40 anos",1.4,Portuguese
+4630,"Ontem fui dormi 19 horas acordei só agora, Funkjama me destruí demais kkkkkkkk",2.2,Portuguese
+4631,@user sonhei,1.75,Portuguese
+4632,@user obrigado meu bem!!!,2.0,Portuguese
+4633,Tentando ignorar certo evento de Brasilia hoje,1.2,Portuguese
+4634,@user Y nos juntamoss,2.2,Portuguese
+4635,@user pede alguém pra fazer por vc mas não deixa isso acontecer,2.4,Portuguese
+4636,A do kevin nem comento em hahahha,2.2,Portuguese
+4637,Agradeço a Deus por me coloca de pé mais um dia que o dia comece bem e termine melhor ainda! 🙏🏾,2.6,Portuguese
+4638,To revoltado com isso pprt,1.6,Portuguese
+4639,pessoas como eu tem q tomar mt no cu,3.0,Portuguese
+4640,"@wilsonwitzel Vai se fuder, seu bandido! Vou tacar um míssil no seu brioco",3.4,Portuguese
+4641,eu chorei tanto quando o @ morreu no endgame meu deus do ceuu,1.4,Portuguese
+4642,meu amigos me chamaram pra beber,2.6,Portuguese
+4643,-Tu já pensou em suicídio alguma vez? -Não! Claro que não! Suicídio era o que mais vinha na minha cabeça...,2.25,Portuguese
+4644,Eu tô cansadano,1.5,Portuguese
+4645,"O meu coração só quer você, afff que música lindaaaaaaa",3.0,Portuguese
+4646,Tô tão mal só queria me encolher em posição fetal e chorar até essa sensação ruim passar mas nem isso consigo fazer,4.4,Portuguese
+4647,@user nem eu sei irmã,2.6,Portuguese
+4648,@user @user @user não vou nem printar ele falando q sou a melhor amiga dele e os krl,3.4,Portuguese
+4649,atualização de acessos no meu perfil http,1.0,Portuguese
+4650,"Estar de boa com a lais, tá me fazendo bem pra caralho na moral",3.6,Portuguese
+4651,@user Hahahhhs vc é brava... Agora estou... Fiquei até o meio da tarde no hospital.,2.6,Portuguese
+4652,Só sabe qm sente na pele oq é dar valor para uma pessoa e ela não tá nem ai,3.2,Portuguese
+4653,"De estressando com o sub 20 e amanhã com os ""profi""",2.5,Portuguese
+4654,"@user Juveninho e suas grandes babaquices para se parecer um entendido na coisa, menos seu moleque de recado",2.0,Portuguese
+4655,Com essa chuva meu sonho era hj ser sábado e eu passar o dia em casa,1.8,Portuguese
+4656,medo de ta em algum rolê com o rafael e o joelho dele sair do lugar,3.0,Portuguese
+4657,Todas as meninas q eu conheço estao menstruadas/tpm??,4.0,Portuguese
+4658,@user @user Eu também,1.0,Portuguese
+4659,@user Tem que chegar fazendo merda né kkkk,3.0,Portuguese
+4660,Sou bi = bem insegura ....,3.4,Portuguese
+4661,Adimiro a paciência que o Anderson tem cmg 🤦❤️,3.2,Portuguese
+4662,Xerecão da mídia kkkk,1.25,Portuguese
+4663,Palestra foi mt boa graças às melhores cias! ❤️,2.6,Portuguese
+4664,"Obg Halsey pela obra de arte, Manic é tudo ❤️🤧✨ Apaixonada em cada musica, em cada letra #ManicIsComing",1.6,Portuguese
+4665,não acredito que to sofrendo por vídeo de aeroporto de novo,2.0,Portuguese
+4666,@user sim mano olha o tamagno,1.25,Portuguese
+4667,— Bia conversa com Petrix e já avisa que Jenny não tem controle e que prometeu se comportar; http,1.75,Portuguese
+4668,"Minha vida esses dias tá como uma montanha-russa,e eu estou sem cinto.",2.75,Portuguese
+4669,Começou essa palhaçada de novo de rapitarem criança 🤦‍♀️😤😤😤,1.8,Portuguese
+4670,Até Beijo triplo deve mds,4.4,Portuguese
+4671,"@user É horrívellll, mas vai passar logo logo 🙏",1.8,Portuguese
+4672,preciso de um tempo dos meus próprios pensamentos,2.8,Portuguese
+4673,@user é grande em,1.5,Portuguese
+4674,@LucianoHuck O único fato é vc ser rico demais e usurpar do dinheiro público para comprar jatinho.,1.2,Portuguese
+4675,Quem esqueceu o esomeprazol de manhã e só comeu besteira hoje?,3.25,Portuguese
+4676,Apanhei o susto da minha vida,1.4,Portuguese
+4677,Adam Driver grande mozão da minha vida nos TTs ♥️,2.2,Portuguese
+4678,"@user Não precisa nada! Você já tem eu de amiga, não quero dividir você com outras não.",3.0,Portuguese
+4679,"chorando vendo os vídeos do dvd ontem,e triste pq não fui",3.5,Portuguese
+4680,@user @user eu agora mesmo,2.4,Portuguese
+4681,acabei d bate um rango topissimoooo bem caseiro amo,3.0,Portuguese
+4682,@user vc é safada,3.4,Portuguese
+4683,@user Atao n é friends??,2.25,Portuguese
+4684,@user @user Te lembra alguém? @user,1.5,Portuguese
+4685,"me amarro em gente simplezona, sem frescura",4.25,Portuguese
+4686,Por que o ministro da saúde pediu exoneração?????,1.0,Portuguese
+4687,@user vou te mandar msg mais tarde,3.5,Portuguese
+4688,@user Kkkkkkk vc quando veio no na sexta,1.5,Portuguese
+4689,@user sim seu arrumadinho algum preconceito ????????? 😠😡😠😡,1.25,Portuguese
+4690,Pq você não cola em mim?,4.6,Portuguese
+4691,deus por favor ja tirei um r em química eu preciso tirar s nessa prova,2.4,Portuguese
+4692,"@user é mt estranho af quando a nay entrou p minha turma e me chamaram de camila santos ela ficou tipo ""quem eh camila santos???""",3.0,Portuguese
+4693,"E agr q eu tenho um número de uma gostosa, mas n sei falar com mulher? http",2.6,Portuguese
+4694,O Ceará guanhar a triplice coroa #CampeãoCearence #CopaDoNordesteSbt #BoraVozão,1.5,Portuguese
+4695,já deixando registrado aqui como estarei hoje http,2.6,Portuguese
+4696,@user julia eu sou apaixonada por vc ok,4.4,Portuguese
+4697,Eu tirava o Pará e colocava o Leandro peixe frito,1.75,Portuguese
+4698,@user inventa não,1.75,Portuguese
+4699,"quando ela: gosta de memes 🤠, vê ricfazeres 👀👑, e joga minecraft contigo ⛏🤓 http",1.6,Portuguese
+4700,tem gente que eu amo de longe porém de perto nem tanto sksjsj,3.0,Portuguese
+4701,ele não salvou mds,1.75,Portuguese
+4702,@user sim amor quer que eu te de mais o que,4.75,Portuguese
+4703,eu amo a jully dms n quero perder ela nunca,2.8,Portuguese
+4704,Não tente fazer as coisas acontecerem. Descanse...,1.6,Portuguese
+4705,Eu que tava indo embora do mercado apé pq esqueci que fui de carro KKKKKKKKKKK,1.6,Portuguese
+4706,Como faz quando tá pegando ranço de uma das suas amigas??????,3.2,Portuguese
+4707,@user @user desconheço akkakakaakaka,1.0,Portuguese
+4708,"eu fico impressionada com o jeito que minhas roupas desaparecem, é horrível, eu procuro e nunca mas acho 😤",2.8,Portuguese
+4709,hoje eu to só ódio&amp;carência,3.25,Portuguese
+4710,Hoje tem pelega onde?,2.6,Portuguese
+4711,"tive o pior pesadelo da minha vida... era com Luis. Me estragou todinha isso, esse menino é tudo pra mim",4.4,Portuguese
+4712,seu perfil foi visto por 3 pessoas nas últimas 2 horas http,1.2,Portuguese
+4713,ele é fofo demais meu deus,3.4,Portuguese
+4714,Como eu tô doido pra lança a tatuagem no braço,3.0,Portuguese
+4715,@user Vc é uma simpatia Parabéns,2.4,Portuguese
+4716,"@user Não, henrique. Ele só falou “não olha” mesmo.",1.4,Portuguese
+4717,ai olha eu e a analice junto não da certo,2.8,Portuguese
+4718,Ai Você Sorriu... Cabo Minha Marra 😴,1.8,Portuguese
+4719,"O caminho é estreito, mas as bênçãos após ele são gigantes",1.8,Portuguese
+4720,quase morri mas já passo bem,2.8,Portuguese
+4721,"mulher tem a msm labial de homem, n é possível kkkkkkkkkkk",3.25,Portuguese
+4722,@user @user vc é a adversidade luciane,2.0,Portuguese
+4723,"Preciso sair , tô muito paradona . Daqui a pouco estou fazendo parte dos moves de casa",2.4,Portuguese
+4724,V ser fdd aviso já,2.0,Portuguese
+4725,@user A vida ia ser um horror sem amar ngm,2.0,Portuguese
+4726,@user a lua em câncer não bateu muito certo na gente,1.8,Portuguese
+4727,Tem gente que nasceu com o dom de irritar os outros nunca vi,1.4,Portuguese
+4728,Babu não ganhando qualquer um pode ganhar pra mim,2.4,Portuguese
+4729,Agora só me resta gastar meio dinheiro no Bazar Bahia e botar fogo em Porto Alegre inteira amanhã. Foda-se.,2.2,Portuguese
+4730,@user Kkkkkkporra você busca looonge,1.4,Portuguese
+4731,Foda-se se ela não é professora. As palestras dela são incríveis,1.0,Portuguese
+4732,"@user brigadão chefe, Tmj meu mano! ❤️",3.6,Portuguese
+4733,Aquilo ali é psicologia pura,2.0,Portuguese
+4734,o seu perfil foi visto por 8 pessoas nas últimas 12 horas http,1.3333333333333333,Portuguese
+4735,Tem um cara quase chorando aqui do meu lado fazendo exercício. Deus me dibre,2.0,Portuguese
+4736,Ser escrava da minha mãe tá difícil viu,3.2,Portuguese
+4737,vc vai em matine vc n tem local de fala,1.6666666666666667,Portuguese
+4738,Correr sozinha com meu fone sem ngm enchendo o saco traz uma paz tão grande,1.75,Portuguese
+4739,"para pra pensar se a gente é acidente, se foi por acaso q o beijo rolou",3.8,Portuguese
+4740,@user infectando os resultados da enquete &gt;:c,1.6,Portuguese
+4741,@Gremio Por favor passa o link para o voto pela internet. Habilitei meu voto lá. Abs,1.4,Portuguese
+4742,"tenho até preguiça de umas coisas dessa, quanta falta de maturidade.",2.25,Portuguese
+4743,Coprodução brasileira 'The Lighthouse' vence prêmio da imprensa em Cannes http,1.0,Portuguese
+4744,"@user nenhuma, confio no seu potencial",1.6666666666666667,Portuguese
+4745,@user tbm não te convido mais pra ir,2.4,Portuguese
+4746,seu perfil foi visto por 6 pessoas nas últimas 2 horas http,1.0,Portuguese
+4747,Ai gente vamo sair amanhã,1.8,Portuguese
+4748,Em Iconha parece que passou um furacão e destruiu tudo. Que tristeza 😓,1.4,Portuguese
+4749,"Tem coisas que me cansam, por mais que tenha mais envolvido não tá fazendo bem pra sanidade mental",3.8,Portuguese
+4750,O jeito foi tem qui vira o jogo kkk🏄,1.0,Portuguese
+4751,novo status: pessoas que visitaram meu perfil http,1.2,Portuguese
+4752,foda se eu tenho as melhores amigas do mundo,2.8,Portuguese
+4753,@user abri e fiquei cego com tanta radiação,1.6,Portuguese
+4754,parece q faz 33h q é domingo,1.2,Portuguese
+4755,seu perfil foi visto por 2 pessoas na última hora http,1.25,Portuguese
+4756,😈 gsus do céu como eu odeio esse emoji UHSUAHSUHSA,1.6,Portuguese
+4757,"@user @user caralho você é lindo demaaaisssssss, socorro 🤧",3.75,Portuguese
+4758,Deus me odeia,2.4,Portuguese
+4759,"@user Sim, a 1° temporada foi engraçada, tinha aquela busca de saber quem eram os 7 pecados e tals (apesar de todo echi exagerado)",1.0,Portuguese
+4760,2016/2017 direto elas estavam juntas mas agorakkkkkkkk sone sofre,2.2,Portuguese
+4761,"@user Engraçado q olhando pra ele, é nítido q os olhos contrariam o sorriso...",2.4,Portuguese
+4762,"@user vai fazer um dia antes de voltar as aulas, vai madrugar fazendo e vai morrendo de sono pra escola",2.0,Portuguese
+4763,@user Chega a ser covardia a comparação.,1.5,Portuguese
+4764,"""Meu wpp só serve pra ocupar espaço"" http",1.8,Portuguese
+4765,@user @user Já anotei aqui,1.0,Portuguese
+4766,"Recebi na manhã desta terça feira (09), os líderes Dona Maria Jos, Solange Almada e Joaci Pereira",1.4,Portuguese
+4767,morro rir pq só é debochada pelo tt kkkkkk,2.8,Portuguese
+4768,Crivella é reprovado por 72% da população do Rio http,1.0,Portuguese
+4769,"Deixei a tristeza p trás, viverei esse 2019 arriscando, pois só merece viver o extraordinário quem se arrisca... Fé! 🙌🏻✍🏻💭",1.5,Portuguese
+4770,um domingo desse e eu levantando 6hrs da manhã,2.0,Portuguese
+4771,MININA OLHA O BABADO MAY PEDINDO PRA SAIRRRR bem que as fofoca políticas tavam falando por aí que ela não chegava na semana que vem,2.0,Portuguese
+4772,@user E eu falei algo dele por acaso? 😂,1.4,Portuguese
+4773,@user Ei eu acho que o conseguia tirar 😂 parece que estão a complicar o que é fácil,1.4,Portuguese
+4774,tentando entender oque q eu to fazendo da minha vida,3.6,Portuguese
+4775,@user 2 geni come Greta! 😁😁😁,2.4,Italian
+4776,@user Sei tutto per me è di più ❤❤💋💋💋,4.2,Italian
+4777,@user Il primo esempio che le ho fatto è stata proprio l’Inghilterra,1.0,Italian
+4778,@user @user Ma il Marco Riva saprà che @meb ha citato in giudizio il pregiudicato Travaglio? http,1.6,Italian
+4779,@user No?,1.0,Italian
+4780,@user hai mutt,1.0,Italian
+4781,non mi fido di chi skippa to be so lonely,2.0,Italian
+4782,@user @user Comunque anche io ho fatto questa associazione 😍,1.4,Italian
+4783,Verità per Denise! #DenisePipitone,1.4,Italian
+4784,@user ma lo sai che,2.0,Italian
+4785,@user @capuanogio L’ho criticato spesso…stavolta no,1.4,Italian
+4786,@N_ShaniJKT48 Ha,2.0,Italian
+4787,"@user Prima o poi si farà, è inevitabile. Solo che spero più prima che poi",2.2,Italian
+4788,@user Ma certo ecco perché non bisogna rispondere e palese,1.6,Italian
+4789,Ora adesso/ chiedo all'orologio del tempo/ e lui continua/il suo tempo scorre/ anche se non chiede mai ora/ cosa farai adesso/.,1.3333333333333333,Italian
+4790,@user Presa dalla discarica?,1.6,Italian
+4791,@user Non sapete manco contare,1.4,Italian
+4792,@user Ma che cattivo!!😂😂,3.0,Italian
+4793,anche eris,1.0,Italian
+4794,To morrendo de sono,1.0,Italian
+4795,@user @user Rt come se non ci fosse un domani!,1.4,Italian
+4796,"@user Gratuito,si dice che lui vuol un gran bene al Milan,ha pure un tatuaggio..😏",2.0,Italian
+4797,@user @user Fatto buona serata,2.75,Italian
+4798,"@user Che vecchietto, auguri",2.8,Italian
+4799,Renzi starà già querelando Travaglio. #accordiedisaccordi,1.2,Italian
+4800,l’oggettività l’avete dimenticata da qualche parte eh..,2.6,Italian
+4801,"@user okay perfetto, si resta in piedi ad ascoltare la messa",1.4,Italian
+4802,@user Ha,1.0,Italian
+4803,@user @user Hahahahaha sicuramente il bel carattere 😏😂,2.75,Italian
+4804,"“La testa delle certezze, quella di Cristiana Girelli”. POESIA #juveroma",1.2,Italian
+4805,"@user @user Scusate se vi sto palpando, ne approfitto",4.4,Italian
+4806,@user Buongiorno e buona giornata,1.8,Italian
+4807,"E sti due sottoni la repostano pure, nonostante non ci siano nella foto #tzvip #sovip http",2.2,Italian
+4808,"""mi ha guardato così e ha detto 'ah però"" scusa noi non abbiamo potuto vedere lo sguardo #radiosangiovanni",2.6,Italian
+4809,Il @SassuoloUS comunica di non essere interessato alla SuperLega perché troppo scarsi. #TheSuperLeague http,1.0,Italian
+4810,"@user Beh, probabilmente Henry Rollins sì.",2.25,Italian
+4811,@user che bella🥺 grazie💕😻,3.2,Italian
+4812,@user Non si possono vedere e sentire!!!!!,1.2,Italian
+4813,@user io ho già preso un antistaminico oggi,2.0,Italian
+4814,Foto appena pubblicata http,3.5,Italian
+4815,@user hai sayang,1.6666666666666667,Italian
+4816,madonna raga che caldo voglio togliermi la pelle,2.0,Italian
+4817,#Amici21 Sissi si candida alla finale comunque,1.0,Italian
+4818,@user Me come,1.25,Italian
+4819,La faccia di Alfy stasera quando gli diranno che gfvip è stato sostituito da #tzvip http,1.5,Italian
+4820,"Così non va bene però, chi sa denunci! http",2.0,Italian
+4821,Ragà domani è già San Lorenzo 😱,1.0,Italian
+4822,@user Sacro ordine dei tagliapietre,2.0,Italian
+4823,@user è @ChrisEvans perciò sinceramente anche gratis,2.25,Italian
+4824,"@user Ai 18 anni loro me ne vado di casa, come ho fatto ai 18 anni miei 😅",2.0,Italian
+4825,"Che culo hanno, sono pazzeschi",2.0,Italian
+4826,@user Uno dei due cade sempre 🤷🏻‍♂️,1.6,Italian
+4827,@user Forse una campagna di alfabetizzazione in materia di logaritmi ?,1.6,Italian
+4828,@user @user @user Non,1.0,Italian
+4829,@user Si 😍,3.6,Italian
+4830,Cerco 2-3 persone per 100-0 ora @user,2.4,Italian
+4831,@user @user ecco grazie,1.25,Italian
+4832,"@user @user vabbè non mi ricordo, comunque interagiamo?🤞🤞",3.2,Italian
+4833,@user sembra divertente,1.2,Italian
+4834,"@user grazie! sono astreya, è un vero piacere conoscerti",3.4,Italian
+4835,@user Sii 😍,1.75,Italian
+4836,@user Siiii vabbè mica sono gli spoiler epocali,1.8,Italian
+4837,@user @user unasquallidamontatura?,1.2,Italian
+4838,ecco cosa serve a quelli che ancora nel 2021 usano parole come tr*** e put**** http,3.4,Italian
+4839,@user Ehy ehy sono qui che succede piccola?,3.2,Italian
+4840,@user ti ha preceduta,1.0,Italian
+4841,vamoss 🇧🇷,1.0,Italian
+4842,@user Ci sono anch'io.,1.6,Italian
+4843,sore?,2.0,Italian
+4844,@user @user Proteggiamola da questo obbrobrio!,2.2,Italian
+4845,"@user @user 😳😳 oggi la vedo particolarmente severa 😥, ....orsù, un po' di verve ogni tanto non guasta ☺️",2.4,Italian
+4846,@user Di solito per queste telecamere dovresti scaricare l' app e configurarlo con Wi-Fi di casa!,1.6,Italian
+4847,@user Trovati. Io al test del QI ho 161,2.4,Italian
+4848,"@AleAntinelli @user Mica male. Confermo, non è lui. Caso di omonimia.",1.8,Italian
+4849,@user @user Che brutta questa guerra che state facendo 🤧 smettetela per favore 🙏,1.8,Italian
+4850,@user Pensa per me che sono #TeamCulo che goduria è,3.6,Italian
+4851,@user @user Ci stanno lavorando come 3 anni fa con ADL 🤣,2.2,Italian
+4852,@user @user L'hanno retweettato e sono andato a vedere 😂,1.4,Italian
+4853,@user la verità,1.2,Italian
+4854,"Si dice che la prima cosa che fai il primo dell’anno, la farai tutto l’anno, io cerco te.",3.333333333333333,Italian
+4855,@user Che poeta,1.0,Italian
+4856,FISICA ESISTENZIALE Persone così profonde che affogano in pochi millimetri di evidenze...,1.6,Italian
+4857,@user Buon onomastico,2.8,Italian
+4858,@user Non riesco a condividere con messaggio ti faccio un tweet,2.8,Italian
+4859,"basta con Eleonor incinta, io voglio LT2 non unx bambinx 😭😭😭😭😭",1.4,Italian
+4860,"@GiorgiaMeloni Noi siamo pecore e non reagiamo come invece fanno gli irregolari, che tanto non hanno niente da perdere!",1.6,Italian
+4861,@user Non bestemmiamo grazie.,2.2,Italian
+4862,Come si trovano degli amici. Sono seria. Ho voglia di stare con delle persone.,3.8,Italian
+4863,Sem sono 🤦🏻‍♂️,1.5,Italian
+4864,Basta faccio karaoke anch'io.,1.4,Italian
+4865,@user @user @user fatina quando vieni a trovarci portati Tavvy,2.25,Italian
+4866,@user Più o meno tutti quando è passato davanti Ganna con quasi 1 secondo da recuperare: http,1.2,Italian
+4867,@user per me palese,2.8,Italian
+4868,@user ma guarda ti faccio compagnia solo perché classroom non funzionava in quel momento I-🤡 http,3.0,Italian
+4869,@user Beh mi sembra che i due non abbiano lo stesso seguito e un conto è dire a uno sponsor che ci sarà Fedez...,1.6,Italian
+4870,@user Io già sapevo che fare ma niente anno sabbatico,1.6,Italian
+4871,noi giriamo a 28mila km/orari. Azzarola...io nn riesco ad immaginarmelo. ma ci pensate? 28mila km/h... #photoshow,1.75,Italian
+4872,ma mi odiate tuttx all'improvviso? mi sa che mi sono abituato troppo alla celebrità,2.75,Italian
+4873,Forse non tutti i fan di Madame si possono permettere di comprare il suo disco? O mi sbaglio?,1.6,Italian
+4874,ti amo lo stesso anche se non mi caghi,3.8,Italian
+4875,Ora penso a qualcosa di interessante da fare con questo profilo cosi non mi ignorate!,3.2,Italian
+4876,@user con questo “ah” cosa intendi dire eh,3.4,Italian
+4877,@user NEATO,1.6666666666666667,Italian
+4878,Solo io preferisco maledetta primavera alla filanda? #tzvip,1.75,Italian
+4879,raga sono statx tutto il pomeriggio in piscina mi aggiornate è successo qualcosa,2.8,Italian
+4880,@user che schifo ahdhshshshhs,1.4,Italian
+4881,Per le persone come me è più facile credere alle cose brutte che a quelle belle.,3.0,Italian
+4882,Il Pojana è tornato a #propagandalive e ha un messaggio per il ministro Garavaglia @user http,1.2,Italian
+4883,"raga sono arrivata ora a casa da tirocinio, ditemi che non le hanno chiesto cose cringe vi prego",2.2,Italian
+4884,@user mag,2.333333333333333,Italian
+4885,La confusione è l’anticamera della chiarezza,1.8,Italian
+4886,@user mas glee eh minha comfort serie 😔😔😔,2.5,Italian
+4887,"@user @user Ma se un politico tedesco andasse a casa di un italiano con Mercedes, residente in Germania a chiedere la stessa cosa?",1.8,Italian
+4888,e anche oggi confido in voi mi raccomando babies http,2.2,Italian
+4889,"Siete tutte belle, mannaggiammè che scelgo followe fregne e poi rosico",2.8,Italian
+4890,@user Io ho anche pensato di coprirlo con del cellofan e tenerlo li fino all’anno prossimo,1.6,Italian
+4891,@user Buongiorno e buona domenica a te Sergio 😊 Grazie,2.8,Italian
+4892,@Louis_Tomlinson ammettilo che ti brucia il culo,1.8,Italian
+4893,Domani sarà la puntata più bella in assoluto 😍 awww sto già piangendo #tzvip,1.5,Italian
+4894,Cheppalle quando ilary fa tutti sti casini e le domande cretine🤬😡🤬 #isola,1.2,Italian
+4895,Sono più terroristi quelli che bombardano dove ci sono anche bambini o quelli che lanciano i razzi utilizzando come scudi umani i bambini?,1.25,Italian
+4896,@user Buon anno Scoc 😘😘😘 Tanti auguri anche a te 🤗,3.0,Italian
+4897,@user È troppo lunga,1.25,Italian
+4898,piena di mio padre che deve sminuire qualsiasi cosa io facciahttps://twitter.com/lorikkio/status/1398017917304905732/video/1,4.0,Italian
+4899,sono curiosa you perceive me more come ...,3.25,Italian
+4900,@user Quando si ricorderà che tra meno di 10 giorni esce il disco le prenderà un colpo,1.2,Italian
+4901,oggi siamo tutti un po’ bedo ma senza la lacca autografata #yenidenbuluşacağız,1.5,Italian
+4902,@user palpite,3.0,Italian
+4903,"@user Scusate mi sono persa qualche passaggio, mi fate capire????",3.0,Italian
+4904,@user NO MA INFATTI è per dire devono rendere tutto pesante lo fanno sempre 😭 poi dici perché vi dicono toccate l’erba,2.0,Italian
+4905,ay era con c,1.3333333333333333,Italian
+4906,@user aver,1.0,Italian
+4907,irene si è addormentata ........ come biasimarla dopo quella cacata di film che abbiamo visto,3.4,Italian
+4908,@user io non riesco proprio a dormire sincera,2.6,Italian
+4909,@user Porchetta?,1.0,Italian
+4910,@user Abbraccio ❤️,4.0,Italian
+4911,le mani sul collo durante il sesso sono la droga.,4.2,Italian
+4912,@user Buongiorno 😂,1.2,Italian
+4913,@user @user ere tu?,1.3333333333333333,Italian
+4914,non io che esco a fumare una sigaretta e viene a piovere,1.25,Italian
+4915,Quanti “Vaffanculo” celati dietro i “Non fa niente”.,1.8,Italian
+4916,@user non capisce niente 😭,2.2,Italian
+4917,Luis Enrique ha detto che farà il tifo per l'Italia contro gli inglesi. I danesi non li considera proprio,1.2,Italian
+4918,@user grazieee,2.6,Italian
+4919,@user Dovrebbe essere il 19,1.0,Italian
+4920,@user Ahahah ci vediamo,1.8,Italian
+4921,@user vamo ora,1.6666666666666667,Italian
+4922,@user io adesso come quando la pediatra mi diceva “respira più forte che non ti sento”,2.2,Italian
+4923,@user mi diverto troppo con queste cose,1.8,Italian
+4924,@ShopeeID Cuma di Shopee #BelanjaShopeeMantulSale #Tiap25IngetShopee #MiminShopeeKasihGadget 1.109,1.25,Italian
+4925,@user prendi il commento come un complimento,2.6,Italian
+4926,@user dio cane,1.2,Italian
+4927,@user Fossi in Renzi mi toccherei i cojoni. Gli stanno augurando di fare una brutta fine?,2.5,Italian
+4928,@user @user Fb di ig,1.5,Italian
+4929,@user Io ho il mini principe che mi presta attenzioni.,3.75,Italian
+4930,è partita the last of the starks in riproduzione casuale e un po' mi sono commossa vaffanculo a got,2.0,Italian
+4931,@user @user @user sono proprio io,2.0,Italian
+4932,@user Sono anche le 18 persone che hanno messo like che fanno paura 🤦‍♀️,2.0,Italian
+4933,"Pipistrelli, tipo spiriti liberi Io stasera non ce la faccio",1.0,Italian
+4934,@user ma perché non mi è arrivata la notifica di questo,1.0,Italian
+4935,sto bene ma sto ascoltando: http,1.6,Italian
+4936,"@user figurati, io non me li cago neanche più lol, però se non fa male a nessuno che te frega",1.8,Italian
+4937,"@user Al netto di inserire nelle liste prioritarie le persone a rischio a prescindere dall'età, non vedo motivazione.",1.8,Italian
+4938,#ImolaGP La Fia quando bisogna dare le penalità ai piloti vs la Fia quando c'è da dare la penalità a Hamilton http,1.25,Italian
+4939,@ZZiliani Pastore della Roma?,1.4,Italian
+4940,@user Mnet ha fatto un sacco di porcate ma l'evil editing su niki è stato gravissimo,3.0,Italian
+4941,@user Ha Ha.,1.0,Italian
+4942,@user Perché poi si devono dimettere 😂😂😂😂,1.0,Italian
+4943,@user @user @user Cos’è ora? Avete paura che pure il vaccino è fascista?,1.8,Italian
+4944,@user @user luca t’ha dato della capra gelsomino,2.0,Italian
+4945,@user ottima risposta HAHAHA,3.2,Italian
+4946,@user @user Alzatiiiiii ancora a letto sei🤣🤣🤣🤣,2.6,Italian
+4947,@user ho perduto tutte le mie gif adesso bestemmio,2.4,Italian
+4948,"@user @user @marattin @user @matteorenzi Ah ecco, scusa avevo capito male",1.0,Italian
+4949,"@user Ok, dal 3 episodio avremo la caduta nel precipizio di Arthur?",2.0,Italian
+4950,però gli voglio troppo bene come faccio,4.6,Italian
+4951,@user @user @user @user @user E sti cavoli degli altri,2.0,Italian
+4952,"Morto un Papa se ne fa un altro, va bene, ma non aspettate neppure che si raffreddi il corpo. 🤣",1.6,Italian
+4953,Voi pensate che la “signorina” sia ancora viva? #chilhavisto,1.4,Italian
+4954,Non l’avevo mai visto e niente che posso dire se non bellissimo #TheGreatestShowman,1.6,Italian
+4955,"@user squalificato come sportivo è il minimo, una persona del genere dovrebbe stare in carcere",1.25,Italian
+4956,"Yemen, anni '80. Destra: Yemen fine anni '70. Yemen, anni '80. Yemen, donne a Taiz nel 1983. http",1.25,Italian
+4957,@user ancora dormi ? sveglia,2.5,Italian
+4958,"Undici, amate voi stessi, non smetterò mai di dirvelo I vote #Louies for #BestFanArmy at the #iHeartAwards",2.0,Italian
+4959,@user uy sono re mal,1.5,Italian
+4960,"@user @user @user e malo rimane una figa atomica anche con 1,3 kg in più",3.5,Italian
+4961,Un libro di Lercio e Civati sul confine sempre più labile tra realtà e menzogna http via @ilfoglio_it,1.0,Italian
+4962,Con quelle immagini mi avete messo quasi voglia di vederlo quel videoclip,2.2,Italian
+4963,@user Siete #Happy20Erick,1.0,Italian
+4964,@user Mi devo mettere a scrivere poesie,2.2,Italian
+4965,ecco l'hanno fatto! 👏👏👏 🏆🇮🇹 http,1.4,Italian
+4966,@user Stai molto bene col taglio nuovo 😊,3.2,Italian
+4967,@user Alzarsi riposati non ha prezzo !,1.8,Italian
+4968,@user aiueo,1.0,Italian
+4969,"La mia prima stagione e, forse per questo, la mia favorita buon compleanno #Reggina107 http",1.6,Italian
+4970,@user Sfarfalla perché qualcuno non gli ha ancora messo una mano in faccia.,2.5,Italian
+4971,"oggi in diretta streaming, vi aspettiamo! http",1.0,Italian
+4972,@user figurati sono bran,1.3333333333333333,Italian
+4973,ma stanno andando tutti a verissimo TRANNE LEO AOOOOO,1.2,Italian
+4974,@user con storia ti posso capire perfettamente,2.0,Italian
+4975,Raimondo Todaro che crede tantissimo in Christian e Mattia è una cosa bellissima e tanto speciale #Amici21,2.4,Italian
+4976,@user Blm di baless,1.0,Italian
+4977,@user In confronto alla nebbia che avvolge le loro menti questa sembra una serata limpida,1.4,Italian
+4978,@user Perche c'è Giovanna Batteri,1.2,Italian
+4979,vorrei non essere così problematica,3.2,Italian
+4980,Per me è questo http,1.5,Italian
+4981,"@user oddio, felicissima per te... ti hanno apprezzata lo stesso per quello che sei?",3.0,Italian
+4982,questo senso di Vuoto che mi ha lasciato la fine di aot basta io mi butto di sotto,3.0,Italian
+4983,"Stasera un bel melodramma di Raffaello Matarazzo, Chi è senza peccato, con Amedeo Nazzari e Yvonne Sanson http",1.0,Italian
+4984,finito di cenare in veranda con mia madre guardando video di Elisa true crime,1.8,Italian
+4985,@user Ma io proprio in lacrime stasera,2.8,Italian
+4986,@user Buona notte a te 🥰,4.0,Italian
+4987,ma i ragazzi che gli danno corda per non fargli capire quanto in realtà sia imbarazzante,2.4,Italian
+4988,@user o troppo bene...,2.75,Italian
+4989,@user @user sei tu j@ora dormir,2.25,Italian
+4990,@user Ti giuro che Hobi lo dicono praticamente tutti,2.8,Italian
+4991,"Il silenzio non è innocente: cosa fare per difenderci da Bechis, D’Anna &amp; Co. http di @user",1.0,Italian
+4992,@user Cesso,2.0,Italian
+4993,@user Al mondo non esiste un popolo più odiato dei siciliani. Nessuno is sottrae.,2.2,Italian
+4994,@user perché sono valutazioni importanti e vanno fatte.,1.0,Italian
+4995,"@user sì ma non è normale restare ancorati a una cosa o a una persona, soprattutto se sei me e non sei per niente il tipo",3.25,Italian
+4996,Cerco per game Tutti i ruoli @user @user @user,2.0,Italian
+4997,Che bella Enula nelle storie di instagram #amici20 http,2.6,Italian
+4998,"Ho staccato la diretta su ""canzone inutile"" perché su quella canzone io voglio piangere la vita #tuttoaccade",2.8,Italian
+4999,«Noi chiamiamo pomposamente virtù tutte quelle azioni che giovano alla sicurezza di chi comanda e alla paura di chi serve.» (Ugo Foscolo),1.0,Italian
+5000,@user @user leggi il gruppooo,3.5,Italian
+5001,@user @OttoemezzoTW Telese abita a La7,1.0,Italian
+5002,"#EURO2020 #italiasvizzera gol annullato per fallo di mano sull'azione del gol, si torna sullo 0 a 0",1.0,Italian
+5003,@user dormi sim e voce?,1.0,Italian
+5004,"Bassetti: ""La vaccinazione covid è atto d'amore"". Appunto. E un ""atto d'amore"" forzato si chiama STUPRO.",1.25,Italian
+5005,Ma Fedez che trema 🥺 #1M2O21,1.4,Italian
+5006,@user @user @user @user Ho 55anni e ne sono fuori solo da 2.,2.6,Italian
+5007,@user Non so se sia vero c'erano un po di tweet che dicevano sta cosa,2.2,Italian
+5008,@user di ka sure mare,1.5,Italian
+5009,@user Tasi è morta 😂😂😂 si è sposata con imu. La tari invece è na munnezz,1.0,Italian
+5010,@user @user Ho sempre provato un senso di vuoto quando mi sono imbattuto nelle esternazioni di questo signore...,2.8,Italian
+5011,"@user ho appena finito di studiare, tu?",3.2,Italian
+5012,per un po' vorrei non dover pensare a niente a niente,3.0,Italian
+5013,gli enhypen non fanno live per non farci vedere i tuoi capelli,2.0,Italian
+5014,@user Delinquenti senza ombra di dubbi!!!!,2.2,Italian
+5015,@IsolaDeiFamosi Non merita certamente di vincere ha passato tutto il periodo sdraiato a mangiare a lamentarsi e litigare con qualcuno,2.2,Italian
+5016,Non avrei tolto Diaz e Krunic cmq O restando così sposterei Leao a sx o davanti e a dx Rebic (escludendo un altro cambio subito..Casti),1.0,Italian
+5017,quanto sarebbe bello un suo abbraccio,3.8,Italian
+5018,"@user @user @user Vorrai dire ""Datori di lavoro""...",1.5,Italian
+5019,zzZ,1.5,Italian
+5020,@user Chiama,2.8,Italian
+5021,@user ma considera che lui e una mia amica si conoscono e lei dice che sono tutti cringiati dalla sua relazione hahahaha,3.2,Italian
+5022,@user a quanto stanno?,1.0,Italian
+5023,@user non lo vedi che è censurato,2.5,Italian
+5024,@user Grazie a te 😘,3.0,Italian
+5025,"Praticando con lo zoppo FI, il M5S ha imparato a zoppicare! Butteranno fuori anche Villarosa? http",1.0,Italian
+5026,sore??,3.0,Italian
+5027,"Mi sono reso conto ora che domani gioco contro @user ,ho i ricordi delle go4 tipo incubi del vietnam",2.25,Italian
+5028,Jungkook che si mangia cd,1.5,Italian
+5029,@user Buongiorno 😃🥰,2.0,Italian
+5030,Il senso che ti dà il bere l'acqua dopo aver mangiato la gomma da masticare,1.0,Italian
+5031,@user @user Matteo la libertà di opinione non ti dà io diritto di sparare cazzate,1.2,Italian
+5032,@user Zero: al lavoro in bici con braghe corte,2.8,Italian
+5033,"@user @user La cura meretricio funziona, ci siamo passati tutti.",1.8,Italian
+5034,@user @user pai?,1.0,Italian
+5035,"Sì, ora mi sento meglio",2.25,Italian
+5036,@user Grazie 😘,2.4,Italian
+5037,"@user bene bene, che fai di bello?",3.8,Italian
+5038,che bello tutto giallo :( #BTS #방탄소년단 #BTSARMY #BTS_Butter,1.3333333333333333,Italian
+5039,@user amo vedo che hai commentato ma non vedo cosaa,2.2,Italian
+5040,il pesto fa proprio schifo,2.0,Italian
+5041,Doveva chiamarsi l’isola dei cessi #isola,2.5,Italian
+5042,Anche Mahmood tra gli abitanti del palazzo distrutto dalle fiamme http,1.0,Italian
+5043,aka ha bisogno del fisioterapista dopo aver fatto slanci con sere alla festa di sangio mi sento proprio male #Amici20,3.5,Italian
+5044,@nzingaretti Tanto non ci fidiamo! Ti cedo le mie dosi fattele tutte insieme e poi torna a fare l’aperitivo a Milano,2.2,Italian
+5045,Che palle,3.6,Italian
+5046,"@user Serio perché poi 30"" ti cambiano la vita mah",2.2,Italian
+5047,@user Buona giornata cara 😘,3.0,Italian
+5048,@user sore bi🤩,2.25,Italian
+5049,#ItaliaViva querelerà chiunque guarderà #Report stasera,1.0,Italian
+5050,"@user grazie amo, se non ci fossi tu",4.4,Italian
+5051,@hakanc10 Spero che Lukaku ti scopi la moglie,3.2,Italian
+5052,Comunque Gabriella sta raccontando a tutti di questa lettera IO BOH #ilparadisodellesignore,2.0,Italian
+5053,"@user guarda le iene che esce la porcata di inter Juve, non farti distrarre @user",3.0,Italian
+5054,@user Per l’Eurovision e perché è bellissima,2.4,Italian
+5055,@user @user Anche.... Facciamo un bel bis di primi?,2.4,Italian
+5056,@user Hai lasciato il segno direi ♥️,4.2,Italian
+5057,@user è nella tua rEGIONE X CORTESIA,1.25,Italian
+5058,grazie oomf per avermi ricordato che tiffany non rilascia musica dal 2019,1.8,Italian
+5059,"""Ogni giorno vedo nei tuoi occhi tutto ciò che vorrei dalla vita"" Gli occhi: http",2.6666666666666665,Italian
+5060,@user perfetto,1.0,Italian
+5061,"@user @user @BITCHYFit Quando vuoi, amo.",2.5,Italian
+5062,hey non so se è hit tweet ma seguitemi a volte potrei risultare leggermente simpatica,2.2,Italian
+5063,sono sempre i quindicenni che non sanno fare nulla oltre che parlare a vanvera,1.4,Italian
+5064,@user Il migliore ❤️,2.8,Italian
+5065,@user Ma pure domani mattina. Come minimo mette un anello nelle stories.,3.2,Italian
+5066,"@user Però dicono che sia improponibile da attiare per grandi eventi, troppo costoso",1.0,Italian
+5067,@user Bho dietro volendo solo in prestito abbiamo 5 centrali con kalulu che sarebbe terzino destro ruolo naturale,1.0,Italian
+5068,@user Non merci 😂,1.6666666666666667,Italian
+5069,@user ogni volta,1.6,Italian
+5070,@user Oggi siamo arrapati vedo 😉😏,4.0,Italian
+5071,@Stray_Kids Hai maniezz.,2.25,Italian
+5072,@user non,1.5,Italian
+5073,@user Ahi t seguii,2.0,Italian
+5074,Cambio idea ogni cinque minuti,1.8,Italian
+5075,@user E vieni da me a casa mia ... Ti faccio divertire e tornare a casa tutta rotta 😏,4.6,Italian
+5076,"@LaStampa Potevo scrivere un giudizio severo, ma credo che questo quotidiano si discrediti già da solo, senza un aiuto esterno.",1.0,Italian
+5077,@user Infinito e oltre,2.0,Italian
+5078,"""Si è sempre in tempo per cambiare il proprio passato, è la magia della memoria” http",1.0,Italian
+5079,@user @user Assieme alla crema di tartufo se vuoi,2.2,Italian
+5080,Un rimpallo infinito tra ciò che è ragionevole e ciò che voglio.,2.75,Italian
+5081,@user @lorepregliasco (non volevo mettere il ?... ormai ce lo lascio),1.2,Italian
+5082,@user @user Arancina!!! È femmina!,1.0,Italian
+5083,no ragazzi non potete farci questo #yenidenbuluşacağız,1.4,Italian
+5084,@user @user Ed era meglio non saperlo,2.0,Italian
+5085,gli auguri di seb x chris voglio affogare nelle mie lacrime,3.4,Italian
+5086,andrea il tarlo non è un uccello #tzvip,2.333333333333333,Italian
+5087,@user quanto sei alta?,2.4,Italian
+5088,Da esperti virologi a ingegneri aerospaziali è un attimo! #razzocinese,1.4,Italian
+5089,Huawei sfoggia la sua soluzione per l’auto intelligente e connessa http,1.0,Italian
+5090,@user si è la birra più pensate e io l’alcool lo tengo bene,2.2,Italian
+5091,@user per me è una cosa simpatica,2.5,Italian
+5092,perché vorrei che tu mi insegnassi a superare tutti i limiti imposti,2.75,Italian
+5093,La #Fortitudo perde ma fa ricorso: forse Robinson non poteva giocare http,1.0,Italian
+5094,"@HuffPostItalia A parte la frase ad effetto, l’articolo è interessante e apre diversi spunti di riflessione",1.2,Italian
+5095,"#MilanJuventusm, scossa di #Pirlo dalla panchina ⚡️ ⬇️ Il tecnico bianconero indovina le sostituzioni 🔄 http",1.0,Italian
+5096,@user scusa,3.4,Italian
+5097,cerco l'estate tutto l'anno e all'improvviso un cazzo di caldo...,1.5,Italian
+5098,@user L'utero in affitto cerca di bloccare il televideo. 🤷‍♀️,2.0,Italian
+5099,Dio sei un cane muori,2.25,Italian
+5100,@user Buona giornata a te Piera 🌹🎶Grazie! Sereno spensierato venerdì 🌼🌊🏖️⛵🌺🍀🌞☕☕😊😊,3.6,Italian
+5101,no raga è tutto così triste non voglio vederla http,2.75,Italian
+5102,@user Pitico,1.0,Italian
+5103,"@user non so se ridere o piangere, nel dubbio sto bloccando tutti hahahah",1.8,Italian
+5104,@user e dai,1.0,Italian
+5105,@user Ottimo,1.2,Italian
+5106,@user Passo,1.2,Italian
+5107,Nella mia vita sogno di essere bella quanto Courtney Cox,2.8,Italian
+5108,Barbara: la persona che deve abbandonare il grande fratello é.... FRANCESCA Il pubblico: AHHHHHHVSBDJWNDNDNKEKDKSNDBWBDNDMSKF #GF16,1.0,Italian
+5109,Harry sei perdonato dai,3.6,Italian
+5110,tutto molto bello ma come fate a dire che thomas ha gli occhi marroni quando sono palesemente verdi?,1.0,Italian
+5111,Non succede ma se succede piango per sempre❤️ #tzvip,3.5,Italian
+5112,@user sisi è uno spasso,1.6666666666666667,Italian
+5113,@user Cosa c'entra,1.75,Italian
+5114,@user Sai che l’ho pensato anch’io,3.25,Italian
+5115,@user se mi dai uno schiaffo io ti chiedo scusa,2.6,Italian
+5116,Il favoloso mondo di Amélie è un film bellissimo e PUNTO http,1.4,Italian
+5117,@user sei bellissimo per favore,3.0,Italian
+5118,#tormentando è http,1.5,Italian
+5119,@user Domanda di riserva....altrimenti sono costretta a dire una m.... 😅,2.2,Italian
+5120,"@user Non lo so, sto troppo sclerata😂‼️🥵😐❤️😭",2.75,Italian
+5121,@user Basta avere pazienza ... buona domenica Micol 😘💐,2.75,Italian
+5122,@user Hanno ragione quelli che dicono che tutti i nostri centrali insieme non valgono mezzo Musacchio...,1.3333333333333333,Italian
+5123,a volte mi dimentico che harry styles ha ventisette anni e non quaranta😐👍,2.8,Italian
+5124,"@user Grande Cacciari,ci vuole uno come lui per fare tacere quella saputella di La 7",1.6,Italian
+5125,@user sempre.,1.0,Italian
+5126,sangiovanni deve ancora capire che twitter è il social giusto dove stare fategli abbandonare instagram per favore!!,1.0,Italian
+5127,"@user @user Anche secondo me hahah, figurati se non l’ha invitato",4.0,Italian
+5128,"@user No, non faccio il virologo! Anzi… questi mi stanno uccidendo, perché a causa loro, non si riesce più a lavorare!",1.25,Italian
+5129,@user Puzzi torna nella fogna,2.6,Italian
+5130,"il vigliacco continua, se ha le palle perché non viene qua sotto a dirlo?",2.0,Italian
+5131,@user grazie mille!🥰,3.0,Italian
+5132,Non ci sarà ripresa reale senza un taglio alle imbecilli conseguenze della burocrazia http,1.25,Italian
+5133,"non mi sento benissimo, penso che per stanotte chiudo, notte cuori",3.0,Italian
+5134,@user buon appetito,1.2,Italian
+5135,non ho bevuto il mio sciroppo di mais stamattina e sento gli elicotteri dei caschi blu dietro il mio giardino,1.8,Italian
+5136,@user io già lo sono di quei nove coglioni,2.8,Italian
+5137,"Intanto, la natura, fa il suo corso. La storia, pure. http",1.0,Italian
+5138,"@user Andiamo ama, appena leva quei due pezzetti so cazzi per tutti😬🔥",3.2,Italian
+5139,@user 🌸👌🏻,1.0,Italian
+5140,@user @user mio sogno &lt;3 però un po' distante dalla city...,3.6,Italian
+5141,Più o meno quello che è successo il 10 Giugno a scuola solo che non abbiamo cucinato 😂😂 http,1.3333333333333333,Italian
+5142,@user @user @user La mia memoria è più arruginita delle mie ginocchia 😏😆,1.0,Italian
+5143,La scarsità dell'acqua costa alle aziende 251 miliardi di dollari http,1.0,Italian
+5144,@user Tri atleta kkkkk,1.3333333333333333,Italian
+5145,@user sono d'accordo,2.4,Italian
+5146,@GiovanniToti 50% dei contagi la situazione con questa gestione è da zona nera,1.0,Italian
+5147,@user @user rip,2.0,Italian
+5148,@user Brigado primo kkkkkkkk,1.75,Italian
+5149,5 luglio 2021 stiamo commentando un programma utilizzando l’hashtag #Carramba,1.2,Italian
+5150,“Uno è padrone di ciò che tace e schiavo di ciò di cui parla.” Sigmund Freud http,1.0,Italian
+5151,7 nomi maschili e 4 femminili. Ma come facevano a non confondersi quando si chiamavano tra di loro? 🤭 #ulisse,1.0,Italian
+5152,Roventini è un Bagnai che non ce l'ha fatta.,1.6,Italian
+5153,@user @user Sono molto tenatata di metterlo comunque grazie 🤍,2.4,Italian
+5154,@user cosa facciamo?,2.6,Italian
+5155,ma come fate a preferire la penna nera spiegatemi,1.2,Italian
+5156,@AndreaRomano9 Ma cosa scrivi? 🤣🤣🤣🤣🤣🤣,1.0,Italian
+5157,@user Sarei curiosa di sapere chi è il Direttore dei Lavori..,1.6,Italian
+5158,@user @user Ha rinunciato al soglio pontificio? Come mai? 😉,1.6,Italian
+5159,@bbb @user Fato,1.25,Italian
+5160,Pompei non finirà mai di stupirci. http,1.25,Italian
+5161,Sto leggendo questo libro di Borghi. #Photosatira http,1.0,Italian
+5162,@user seguii,1.0,Italian
+5163,"@user Eh, caro Pigi, ci sono momenti storici in cui è inevitabile la violenza.",2.0,Italian
+5164,La mappa dei contagi Covid in Sicilia il 13 maggio http http,1.0,Italian
+5165,Ho appena aggiunto Movieblog alla mia raccolta! #tvtime http http,1.4,Italian
+5166,@user sto merda,3.5,Italian
+5167,@LegaSalvini famosi non sempre va d accordo con intelligenti,1.0,Italian
+5168,"dovrebbero abolire le 8 del mattino, tipo che passiamo dalle 7:59 alle 9",1.8,Italian
+5169,@user @user Castagnetti è sempre stato un signore. Ad averne...,1.4,Italian
+5170,Mi merito un po’ di pace,1.0,Italian
+5171,@user No non renderebbe l'idea. Ma non distrarti dall'obiettivo... a quando la presa di potere?!?!??,2.4,Italian
+5172,Neslihan che in realtà poi si è scatta la foto da mettere nel suo feed ig 💀 #halaaşığım,2.0,Italian
+5173,voglio giocare un altro mio asso..♥️,3.8,Italian
+5174,"@user Scherzi a parte, massimo rispetto per le FF.OO. La #pandemenza genera anche mostri 🥶",1.6,Italian
+5175,"Ragazzi va bene andare contro la d'Urso, ma dai l'avvocato ha palesemente mal interpretato la domanda. #pomeriggiocinque",1.0,Italian
+5176,amore della mia vita,4.6,Italian
+5177,@user Parlano come se non si debbano mai più presentare di fronte agli elettori questa cosa è inquietante,1.0,Italian
+5178,@user seguilo e poi smetti di seguirlo 🥸,1.0,Italian
+5179,que sono,1.0,Italian
+5180,A volte qualche ricordo mi torna in mente e mi manca il fiato,3.4,Italian
+5181,Dicono che ho delle belle gambe! Voi che ne dite? #crossdresserslut #ladyangy #sissytrans http,3.5,Italian
+5182,@user (2),1.0,Italian
+5183,@user sei a,1.6666666666666667,Italian
+5184,finisco per ferire tutti mi odio,4.2,Italian
+5185,"@user Esatto,nettamente il migliore politico attuale",1.4,Italian
+5186,@user Qui vestiva bene e la mattina non leggeva Zazzaroni,2.2,Italian
+5187,*iocane non c'è un attimo di pace,2.4,Italian
+5188,@user Ufficiale? 💀,1.6,Italian
+5189,@user tutta mia,4.0,Italian
+5190,@user si sta rivelando un clown linda,2.0,Italian
+5191,"A volte se,... . Da lì in poi non vado oltre nemmeno a leggerlo.",1.0,Italian
+5192,rip dmx,3.5,Italian
+5193,tra due mesi esatti vedrò dal vivo l'uomo nel mio header ovvero l'amore della mia vita semplicemente il cantante romagnolo del mio cuore,3.8,Italian
+5194,Prendeva tutto sul serio ma aveva un’autoironia a volte impenetrabile. http,1.4,Italian
+5195,"non io che muto tutti gli account tossici che stanno invadendo pure questo hashtag, mannaggia a voi #tzvip",1.2,Italian
+5196,Ida che si sbellica dalle risate ma cosa sto guardando aiuto #UominieDonne,1.8,Italian
+5197,@user anche io dai🤍,2.6,Italian
+5198,"""Nulla spiazza più di un sorriso."" Mario http",1.4,Italian
+5199,"Zayn alla radio, negozi di RC avete la mia stima.",1.5,Italian
+5200,@user Non recita proprio così ma… mi piace 😂🙏🏻,1.5,Italian
+5201,Kaz io ti amo. Ti amo più della mia vita,4.75,Italian
+5202,@riotta Grazie,1.0,Italian
+5203,A parte che è una enorme cagata Ma se poi te ne esci con un decreto con #coprifuoco per tutta l'estate.. http,1.4,Italian
+5204,Vedi quale sfida ho completato su Ablo 🙌 http,1.25,Italian
+5205,@user Grazie Valeria anche a te e tutte un felice Anno nuovo 🥂🍾🥂🍾🥳🥳🥳💃💃💃💃 http,2.6,Italian
+5206,ufficialmente innamoratissima di megumi,2.6,Italian
+5207,"@user forza, andrà bene! :)",2.0,Italian
+5208,@user Senza,1.3333333333333333,Italian
+5209,giugno 2021 e i barando ancora vivono io questo lo chiamo essere mean to be,1.75,Italian
+5210,"Il video delle violenze dei carabinieri contro un gruppo di giovani neri, a Milano http",1.0,Italian
+5211,@user chi 🥰,2.0,Italian
+5212,"@user amelie, piacere",1.6,Italian
+5213,@SkySport Un altro show del fuori di testa. #bastadani,1.75,Italian
+5214,@user @user anche perché improvvisamente su tik tok escono tremila drama,1.4,Italian
+5215,@user Ora piango sul serio 🥺,2.0,Italian
+5216,"@user @user Lei non ha considerato che Tony è ""in transition"" fra Bologna e Borgo Panigale 😉",2.0,Italian
+5217,@Paolo_Bargiggia @SkySport @sscnapoli Tra i vari pseudo giornalisti napoletani mi Sembra il meno peggio,1.4,Italian
+5218,@user io davvero …..,2.333333333333333,Italian
+5219,@user Quando si tirano in ballo creature innocenti che non possono difendersi siamo veri geni del crimine... http,1.8,Italian
+5220,@user ci credi che ho avuto difficoltà a riconoscere chi fosse harry dei due,2.25,Italian
+5221,@user NON LO SOOOOOOOOO probabilmente o car radio dei tøp,1.6666666666666667,Italian
+5222,@user kto?,1.3333333333333333,Italian
+5223,@user no di luigi,1.0,Italian
+5224,"Dal 6 gennaio riparte la maratona di Harry Potter, meglio tardi che mai!! 💓",1.2,Italian
+5225,@user @EnricoLetta Minchia quanto sei ricco?,1.4,Italian
+5226,"@user @user Già, c'è stato un riflesso immediato",1.0,Italian
+5227,non sapevo che oggi fosse il dt dei finalisti !!https://t.co/CMyXlyzer3,1.4,Italian
+5228,@user @fattoquotidiano Se vole i confermare che IV fa schifissimo ci 6 riuscita.,1.0,Italian
+5229,@juventusfc Se non lo cacciate domani mattina cambiate sport per favore,1.4,Italian
+5230,Sto ancora pensando al gelato che Lila ha fatto sciogliere #Lamicageniale,1.4,Italian
+5231,@user l’ho iniziato ieri,1.0,Italian
+5232,@user Lama è la play allora,1.0,Italian
+5233,"@user @serracchiani @pdnetwork Troppi. Il PD è inquinato all'inverosimile, ma letta se ne sarà accorto? http",1.0,Italian
+5234,la tazza con il vino e il ghiaccio,1.75,Italian
+5235,@user Alcune si,1.6,Italian
+5236,sempre i casini succedono,1.8,Italian
+5237,@user E quindi ?,1.0,Italian
+5238,Mi sento così male che manco riesco a dormire ma ho sonno comunque rxtfycib,3.2,Italian
+5239,@user @user Fai vedere anche i comunisti Russi?,1.0,Italian
+5240,Un buongiorno migliore io non l'ho trovato ! Manifestazioni in Francia nel 2020/2021 Solo letame per voi http,1.2,Italian
+5241,@user @YouTube A pensarci bene..il messaggio è piuttosto chiaro....,2.6,Italian
+5242,@user @user @user @user madonna davvero,1.25,Italian
+5243,Il video di Chri 💙 #amici21,2.0,Italian
+5244,Roma è più vicina a Kiev che a Lisbona.,1.0,Italian
+5245,@user Ma poi è anche bono.,2.6,Italian
+5246,10 euro spesi in medaglie di Final Fantasy XV su steam: check ✔️,1.0,Italian
+5247,@user Perché non risponde ai commenti?,1.4,Italian
+5248,@user @user @user @user Omedetto,1.75,Italian
+5249,non so voi ma io non sto seguendo la diretta da Natale #gfvip,1.75,Italian
+5250,@juventusfc @Cuadrado @play_eFootball Allegri ha più culo che anima ahahahahhaha. Fiorentina merda ve sta bene,2.4,Italian
+5251,Ho perso la voglia di fare letteralmente tutto,2.8,Italian
+5252,@user io bellissima e non avevo dubbi 🥺🥺🥺😭😭,2.6,Italian
+5253,Pronti a chiudere i confini a chi non ci vota #Eurovision,1.25,Italian
+5254,@user @RafaeLeao7 @user Esatto,1.0,Italian
+5255,@user @user In fondo a destra,1.0,Italian
+5256,Vorrei capire il motivo di tutti questi #tamponi … non capisco! #nogreenpass #nogreenpassobbligatorio,1.2,Italian
+5257,@user @user @user Ha bloccato pure me il coglione 😆,2.5,Italian
+5258,@user 👫,1.6666666666666667,Italian
+5259,".. oggi voglio scrivere di altre cose, ma le cose non vogliono. Kafka a Milena",1.0,Italian
+5260,@user Fatti una bella bevuta o un buon allenamento,2.0,Italian
+5261,@user @user E da quando queste due sarebbero intelligenti?!?,1.8,Italian
+5262,@GiorgiaMeloni 11 Tattiche Oscure della Manipolazione dell’Opinione Pubblica http,1.0,Italian
+5263,@user lol ci sono io in sto video,2.333333333333333,Italian
+5264,Ma il salto temporale fatto a cazzo aiuto,1.6,Italian
+5265,@user Hi?,2.0,Italian
+5266,volendo farmi saltare il profilo,2.75,Italian
+5267,Hi?,2.5,Italian
+5268,@FabriFibra Fantastico! #Propaganda,1.6,Italian
+5269,"se ne avete la possibilità andateci, non ve ne pentirete 🤍 http",2.0,Italian
+5270,"@user Ma l'alga wakame? Mi piace tantissimo, però non riesco a mangiarne troppa.",2.0,Italian
+5271,Peccato non abbia limonato il palo,2.8,Italian
+5272,"@GiorgiaMeloni Siamo veramente alle comiche, chi è capace può fare quello che vuole in questo paese. Finirà malissimo.",1.6,Italian
+5273,Regola 1) ti dicono che non puoi? Bene allora fallo.,1.6,Italian
+5274,"@user che bello amoree, sono stra felice per te",3.8,Italian
+5275,@user allora la hodka che dividiamo io e te,2.0,Italian
+5276,"@user @user No, non lo sa. È evidente.",2.0,Italian
+5277,@user Esatto era così,1.2,Italian
+5278,@user @user Masa?,2.25,Italian
+5279,"@user Ma soprattutto.....non era stato pensato appositamente per i ""fragili"" stammerda di farmaco?🤔🤨",1.2,Italian
+5280,ma io per la 18 app l’anno scorso ci ho messo poco a farla che è tutto sto casino quest’anno 💀,1.6,Italian
+5281,Possiamo smettere di fare drama e soffermarci su questo ? http,2.2,Italian
+5282,@user Io sì e fatti vedere più nuda,4.25,Italian
+5283,@user Cornetto??,1.2,Italian
+5284,@user che succede,1.0,Italian
+5285,"dimmi che non sai perdere, senza dimmi che non sai perdere inizia Pedri http",1.0,Italian
+5286,Forze ucraine aprono il fuoco contro un blindato russo a Mariupol http,1.0,Italian
+5287,@user I dunno,1.75,Italian
+5288,@user soreee,2.25,Italian
+5289,non ho dormito un cazzo madonna santa che rincoglionita che sono,3.0,Italian
+5290,e quando di botto hanno cambiato regia e li abbiamo trovati così? ⚰️⚰️⚰️ #barussie http,1.5,Italian
+5291,@user Non siamo stupidi ma siamo ricchi 🤑 ahahahahha,1.6,Italian
+5292,@user Grazie Deanna è stato un percorso in comune!,2.4,Italian
+5293,Ho sonno,2.25,Italian
+5294,ho iniziato flightless bird,2.75,Italian
+5295,"#HO CAZZO Calenda: ""Biden è pericoloso, passa da una gaffe all'altra"" - http http",1.6,Italian
+5296,Raccontatemi qualcosa,1.5,Italian
+5297,"@user Lo dico da una vita, ma sono incompreso! Questo fa i soldi con molti disagiati juventini.",1.4,Italian
+5298,@user noooo non odiarmi 🧡🧡🧡,3.4,Italian
+5299,Sem sono,2.5,Italian
+5300,@user @user @user La squadra si,1.0,Italian
+5301,Non tocco brew spesso ma quando lo faccio rompo SEMPRE php+oci,2.333333333333333,Italian
+5302,mi serve un minuto per riprendermi,3.0,Italian
+5303,@user Su Besciamella si sarebbe buttata dal gg 1 invece Baru' lo deve conoscere.... Ma dai... Non ce n'è...#gfvip,3.0,Italian
+5304,"@user Citando la classe di Grace Kelli, e parlando di dignità, di rispetto etcccccccc e andiamo avanti così.🤏🤏🤏🤏🤏",1.6,Italian
+5305,@user @user Almeno le da buone?🤣,2.6,Italian
+5306,Dolores sta tagliando quell’insalata come se fosse la testa di Varù #jeru,2.8,Italian
+5307,@user @user @Schwarzenegger Sto pensando 🤔🤔🤔 Si sarebbe stupendo Perché lo puoi criticare e lui non ti può bloccare 😂,1.2,Italian
+5308,@user Dico portacassette perché ne ho uno con quel manico fatto proprio così,2.4,Italian
+5309,@user ma io cosa,2.0,Italian
+5310,@user Superman della minchia a cazzari,2.2,Italian
+5311,@matteosalvinimi @MLP_officiel E che rinnovamento! Ahah siete divertenti,1.2,Italian
+5312,@user @user @user Perché invece di usare i meme (non so se sia un meme) non prova ad argomentare?,2.25,Italian
+5313,"""Io ho fatto di tutto per uscire la settimana scorsa"" L'ha detto. L'ha detto #jerù",2.8,Italian
+5314,@user si è stronzo coglione mi sta sul cazzo,2.0,Italian
+5315,@user @user Quante volte mi sono segato con la fantasia da adolescente ❤️,5.0,Italian
+5316,@user meglio,1.0,Italian
+5317,"@user Vorrebbe essere accanto a lui, mettere mi piace a quel post e commentarlo 😥",3.2,Italian
+5318,@user In questa guerra nn voglio non nessuno perdono tutti,1.4,Italian
+5319,emma questo è x te stronza,3.4,Italian
+5320,"@user @FratellidItalia @GiorgiaMeloni Appunto. Bisogna stare all'erta. Questa, è paziente.",1.0,Italian
+5321,@user @user L'ha attaccata alla sedia tipo volo Boing Rina01 in partenza,1.0,Italian
+5322,"@user Quando il cane si piazza accanto a me, mentre mangio, non resisto. Gli do sempre più di qualcosa...",3.4,Italian
+5323,@user Mi piacerebbe conoscerti e vedere se è vero,2.8,Italian
+5324,@user Sono nel pacchetto ❤️ paghi 2 prendi 3,1.4,Italian
+5325,@user @user 👌🏻,1.75,Italian
+5326,Questa settimana sarà una merda ma per fortuna andrò in fumetteria e venerdì esce heartsopper quindi mi consolo,3.2,Italian
+5327,Berardi lo odio da sempre,1.25,Italian
+5328,@user @user Ricevuto commento analogo... 😬,1.4,Italian
+5329,@user GIO,1.0,Italian
+5330,volevo solo dire che ho letto la descrizione del post di calma e penso sia davvero una bella persona,3.25,Italian
+5331,voglio abbandonare tutto,2.8,Italian
+5332,#RT @user Come capire se il cane ha la febbre e come misurare la febbre al cane - http,1.0,Italian
+5333,@user @user @user rimango ferita,3.0,Italian
+5334,@user È peggio dello sgabuzzino,2.0,Italian
+5335,@user dovrà accettare la realtà,2.0,Italian
+5336,"@user Speriamo, ma parrebbe di no",1.0,Italian
+5337,@user Veramente.. Sono senza parole,2.25,Italian
+5338,@beppesevergnini Non so se è più finto il suo parrucchino o quel cartonato dietro di lei!!!! http,1.5,Italian
+5339,@user iStore,1.75,Italian
+5340,boh cosa dovrei dire esattamente http,1.4,Italian
+5341,sem sono http,2.25,Italian
+5342,@user sei in ritardo,2.5,Italian
+5343,@user Bhe...io sul lavoro sono gentile anche con le altre donne 🤷‍♀️,3.0,Italian
+5344,Jai ho,1.6666666666666667,Italian
+5345,Al ratito,1.0,Italian
+5346,"@user mandate qualcuno a casa di 'sta gente, che gli sfondi la porta e inizi a distruggergli casa, poi chiedetegli cosa vuole",2.2,Italian
+5347,@user No una... e gli è bastata....😅,1.6,Italian
+5348,"@user Buon pomeriggio carissima Gabriella, ti ringrazio e buon fine settimana:-)))",2.6,Italian
+5349,@user sto cazzo,2.6,Italian
+5350,@user @user Ma valgono solo per il vate queste giustificazioni?,1.0,Italian
+5351,@user @BTS_twt Ma scusami possiamo parlare di te?,3.5,Italian
+5352,"@user Beh, c'è un motivo se non la sentivi da 5 anni",3.0,Italian
+5353,@user No ora vai e te le fai prima che ti vengo a prendere per le oreccchie,2.6,Italian
+5354,ho messo l'eyeliner dopo tipo mille millenni e mi sento un'altra persona completamente,2.8,Italian
+5355,Pensieri: Trombe d'aria in Italia : ecco che cosa le innesca http,1.2,Italian
+5356,@user ci provo te lo prometto,2.5,Italian
+5357,@user @user solo gli americani sanno improvvisare 😂😂,1.2,Italian
+5358,Comunque io proporrei una petizione per far scaricare Twitter al Basci! Noi ce lo meritiamo che commenta qui con noi!! #basciagoni,2.0,Italian
+5359,"@user @user Cazzo , loro che parlano di furti 😂",1.6,Italian
+5360,@user comunque tu astutamente non hai rischiato e hai fatto bene,3.2,Italian
+5361,"Ucraina, Donato: `Sanzioni pericolose, nessuno vuole guerra con Russia` #guerra #Russia #Ucraina http",1.0,Italian
+5362,yas hai il potete di far impazzire le mie notifiche,2.0,Italian
+5363,X uno che capisce tutto come lui nn fa notizia meno male che Scanzi c'è 😜🤣🤣 http,2.0,Italian
+5364,@user Mavaialavorare.,1.75,Italian
+5365,Alberto lo adoro ma la sua vittoria è scontatissima #Amici18,2.0,Italian
+5366,@user @user proprio come Anna. Io l'ho detto che i copioni li scrivono davvero male.,1.25,Italian
+5367,"@user Tutti cercano nomi ultra moderni, a me piace molto un nome antico: Sara.",2.6,Italian
+5368,@user Dope!,1.5,Italian
+5369,@user acquario,1.75,Italian
+5370,Alla faccia della casa #QuestaECasaMia,2.0,Italian
+5371,ed eccoci con un’alta canzone che non potrò mai più ascoltare allo stesso modo @user http,2.4,Italian
+5372,E anche Patrizio Giordano ce lo siamo tolto dai coglioni #upas,1.6,Italian
+5373,@user Il movimento cinque stelle,1.0,Italian
+5374,@sonalgoelias Jai Mata di 🙏,2.0,Italian
+5375,"@myrtamerlino Se Dio vuole, in Ucraina tornerà la neutralità, ma la cosa migliore sarebbe che i Russi venissero a prendere te.",2.4,Italian
+5376,@user Buongiorno Dj ☕️🍩🎶🍀,2.2,Italian
+5377,@user Finalmente qualcuno apprezza questa canzone e il bridge &gt;&gt;&gt;&gt;&gt;,1.8,Italian
+5378,@user vamo,1.3333333333333333,Italian
+5379,@user La pagina tragica e dolorosa è quella che ti lega alla politica italiana.,1.6,Italian
+5380,@user Diosa!,1.0,Italian
+5381,Scopro ora che Thiem è un appassionato di apine e sostenibilità bravo Dominic ti stimo,1.6,Italian
+5382,"@user Nanti aku begitu di wa, di twt, di kkt, di ig, di sms",1.3333333333333333,Italian
+5383,@user 12 de di,1.3333333333333333,Italian
+5384,@user giusto,1.2,Italian
+5385,@user Grappa di Brunello e ciao,1.0,Italian
+5386,@user voce,1.5,Italian
+5387,@user vero soprattutto per quello,2.0,Italian
+5388,@user Dannolo e Tontolo,2.4,Italian
+5389,@user @user La vedo bene con fulvietto e fuffaro nella sagra dei #cazzari #noinonsiamocomeloro,3.0,Italian
+5390,@user Da far venire il crepacuore,2.0,Italian
+5391,@user cosa???,1.0,Italian
+5392,Ah se andate a urlare ricordate pure a J e B che parlarsi serve. Tanto me la immagino la giornata di silenzi e occhiate oggi #jeru,2.2,Italian
+5393,@user Toretto cos'è sullo sgabello?!!! Pagliaccissimo dai.,1.8,Italian
+5394,Ritrovare il sorriso è la più bella forma di coraggio,1.2,Italian
+5395,@user ormai ci ho rinunciato al recovery è sempre così ci provo due settimane e poi ci mollo,3.0,Italian
+5396,Parole ufficiali e comportamenti reali un po' differenti #USA #Ucraina http,1.4,Italian
+5397,ª chuparla,3.0,Italian
+5398,"Non è così, ma è così.💛 http",1.6,Italian
+5399,@user @user @user @user @user Ah....sai che posso averli anche io...e non i dati....,1.4,Italian
+5400,@user Ecco perché non mi hai risposto quando ti ho chiesto quali fossero i tuoi buoni propositi per l’anno nuovo,2.75,Italian
+5401,"@TgLa7 Oh bene, adesso si che le cose andranno per il verso giusto!",1.75,Italian
+5402,@user @user @user Avendo appena asportato un cancro magari non ci arrivo neanche 🤣 ma che devo rivedere?,3.25,Italian
+5403,@user Buongiorno😁😁,1.8,Italian
+5404,@user @user Adesso provano a vendere Dybala,1.0,Italian
+5405,@user Mamma mia sta diventando un cartonato ..... e si inizia dalle labbra .... e si vede,3.6,Italian
+5406,Da quando mi sono svegliata ho in mente solo Blu Celeste.,1.75,Italian
+5407,fandom dei polli alex e gigi contro? cazzo succede io non posso dividermi sono solo una,1.4,Italian
+5408,@user non mi dire,1.6,Italian
+5409,@user @user dono,1.5,Italian
+5410,"@user buongiorno chri, come stai?💛",3.4,Italian
+5411,fim da era fine line 😓😓😓,1.0,Italian
+5412,Prima la pandemia e ora la guerra: l'unica certezza sembra essere l'incertezza http,1.2,Italian
+5413,"Mia mamma continua a ingozzarmi di frutta perché ""fa bene"", mi sento male a dirle che sono pienaaaaaaaaaaaaa",3.8,Italian
+5414,mi darei un palo in testa come quello che mi darà lei,3.0,Italian
+5415,Attività Didattiche - Educazione Ambientale | Cooperativa Majella http,1.0,Italian
+5416,@user non immaginiamo grazie,1.2,Italian
+5417,@user @user lo ha detto anche vitiello cerca cifre molto alte,1.2,Italian
+5418,no ma questo zuko redemption arc bellissimo amore mio grande ha sempre avuto un cuore grande e buono aveva solo un po' di daddy issues,2.333333333333333,Italian
+5419,@user @fattoquotidiano Ma c’era il ventilatore neonatale nella sala parto dove sei venuto al mondo? No eh?,2.6,Italian
+5420,comunque palesemente quello che mi dà più fastidio e detesto il suo modo di non dirgli mai un cazzo sembra innamorato più di lui,2.8,Italian
+5421,@user 😅😂 ( adesso rido ma oggi 😖),2.8,Italian
+5422,@user Lui lo si prende a luglio a titolo definitivo,1.25,Italian
+5423,@user Fa anche un altro thread su chi è fascista e abbiamo il 90% della popolazione mondiale 😅,1.25,Italian
+5424,bro immagina avere playboicarti nella top ten dei cantanti più ascoltati,2.8,Italian
+5425,@user @user In primis abbandonati dal primo cittadino! Dunque?,1.2,Italian
+5426,"@user ma assolutamente no, io salvo lulù, oggettivamente se lo merita di più",1.6,Italian
+5427,@user @user @user Sì,1.0,Italian
+5428,@user Ù’,1.0,Italian
+5429,@user ^_^ :O,1.75,Italian
+5430,"@user *Abbiano. È divertente vedere come ti professi una vera e perfetta italiana, ma non conosci il congiuntivo",1.2,Italian
+5431,@user @user @user @user @junqueras Una cosa no treu l'altra,2.0,Italian
+5432,@user deve finire era di fesachioto e iniziare era di dragone. propongo riso cantonese nuvole di drago coca cola.,1.6666666666666667,Italian
+5433,"Ma com'è buono il mio ""finto risottino"" con speck e radicchio🤣✌️✌️✌️✌️💕 http",1.6,Italian
+5434,@user Infatti saremo a rischio anche noi,2.0,Italian
+5435,@user quanto?,1.5,Italian
+5436,@user Lui è un’emozione per sempre ❤️…#CanYaman,3.0,Italian
+5437,"Mykonos con volo dall'Italia, volo + 7 notti a partire da €662 http",1.0,Italian
+5438,La polizia marocchina aggredisce diversi attivisti Saharawi nella città occupata di Boujador. #Wesatimes http,1.4,Italian
+5439,@user Sempre più di un piccione con una fava..Sempre più di due piccioni con una fava. L’ideale sono 1000 piccioni con una fava.,1.75,Italian
+5440,"@user Si infatti,è più da 352,ma secondo me neanche arriva,tira una brutta aria per gennaio non c'è 1euro.",1.4,Italian
+5441,@user Sono bellissimi!,2.2,Italian
+5442,@user @user c'è qualquadra che non cosa,1.0,Italian
+5443,@SkySportsF1 Posso capire che problema avete col fatto che #Ricciardo sia davanti a #Norris? 😒 #f1 #GPMiami #MiamiGP,1.0,Italian
+5444,@user a quanti metri da me?,2.4,Italian
+5445,@user che hanno fatto mo,1.6,Italian
+5446,@user uhhhh siii! lasciami anche il nick che ti seguo dal mio trade &lt;3,3.8,Italian
+5447,Senti pubblicità delle piadelle toast della Mulino Bianco PROPRIO IL NOME MATTIA DOVEVI SCEGLIERE SONO SALTATA IN ARIA BO,3.5,Italian
+5448,@user NON SAI IO per ora abbiamo solo primi piani orribili,2.4,Italian
+5449,"@user Questi bulli dovrebbero essere ""iniziati"" alla mafia nigeriana,così sperimento il vero bullismo.",1.75,Italian
+5450,"Mi rende proprio tanto felice come fanno in pochi, lo amo con tutto il mio cuore",3.5,Italian
+5451,"@user Siiiiii, soprattutto perché è il genere che piace a noi Fedee",2.4,Italian
+5452,@user @user in che senso?,1.0,Italian
+5453,"Le pagelle del Bologna - Arnautovic è devastante, Theate non lascia passare nessuno http",1.0,Italian
+5454,@user @user Presto anche iooo,1.6,Italian
+5455,"@user Ipocrisia di pedosatanisti...disney sta tremando, lo sò non devo giudicare...",2.75,Italian
+5456,@user Amo vocee 💕,3.0,Italian
+5457,"@user Faccio cose che non mi piace fare. Lavo vetri e pavimenti. Poi, stanca morta, non penso più.",3.2,Italian
+5458,@user questa descrizione 💀,1.4,Italian
+5459,"Esche avvelenate, individuato il responsabile: scatta la denuncia - Giornale di brescia http",1.0,Italian
+5460,Stiamo vivendo un periodo storico che in futuro durante le interrogazioni verrà ricordato con “cazzo speriamo che non me lo chieda”,2.0,Italian
+5461,"@user Come sarebbe ""nessun atto di genocidio""? Ho capito male?",1.2,Italian
+5462,@user Ha fatto bene? Ha fatto male? Ha fatto.,2.4,Italian
+5463,@user il 16 marzo,1.25,Italian
+5464,📽️“Nico #ècosì” guarda l'evento di presentazione della campagna su #Inclusione e #Emofilia. http,1.2,Italian
+5465,raga ma che cazzo #Oscars,1.2,Italian
+5466,@nilmoretto @user Hinato,1.5,Italian
+5467,La soglia della decenza http,1.2,Italian
+5468,"@user @user @user @user @user Perchè? Ha delle obiezioni logiche o è dogma di fede, il suo?",1.6,Italian
+5469,"@user @user Sono solo parole, tu guarda i numeri.",1.2,Italian
+5470,quanti di voi sarete allo stadio domenica? quanto sfiga ci sara?,2.6,Italian
+5471,primo giorno senza giubbotto😋,1.6,Italian
+5472,L’unica cosa saggia finora detta da Alfonso #provvedimentodisciplinare #gfvip,2.0,Italian
+5473,@user anche io &lt;3,2.8,Italian
+5474,@user ANO,2.75,Italian
+5475,@user @user chiedi troppo,1.2,Italian
+5476,@user che cool!,2.4,Italian
+5477,@user Direi proprio di NESSUNO. Conoscenti ma non migliore amica/o,2.0,Italian
+5478,@CottarelliCPI Che prezzo lo paghiamo?,1.0,Italian
+5479,"Vent’anni di Mafia, il videogame: tutto quello che ci ha insegnato sulla (mala)vita http via #agendadigitale_eu",1.0,Italian
+5480,a tanto così 👌🏼 dal comprarmi dei pattini a rotelle,3.4,Italian
+5481,Quest'anno la parata è stata stupenda Buona #FestadellaRepubblica 🇮🇹,1.2,Italian
+5482,"@user Guarda, io così ho conosciuto mio marito 🥰",2.5,Italian
+5483,Ed infatti dopo due settimane e mezzo ieri prima di andare a dormire è entrato a vedere,2.25,Italian
+5484,Inzaghi lo sai che i cambi si possono fare anche al 60’,1.2,Italian
+5485,non smetterò mai di parlarne MAI #MetGala http,2.2,Italian
+5486,@user Sei mermo,2.0,Italian
+5487,@user Si. Trasmette sensazioni,3.0,Italian
+5488,"inventarsi di avere il covid per due like in più,quanto cazzo mi fai pena",2.6,Italian
+5489,È invecchiata bene questa notizia fake http,1.0,Italian
+5490,Ma è stupenda ✨ #prelemi http,2.0,Italian
+5491,@user @user Osservazioni mirate,1.2,Italian
+5492,@user Giovani e belli...😉,2.4,Italian
+5493,@user Quando organizziamo ronde private in mare per contrastare le ONG?,1.0,Italian
+5494,Sto odiando questa giornata di soli repost🙄 #prelemi,1.0,Italian
+5495,@user ma ti pare coglione,3.0,Italian
+5496,@user /perché fa così rifete,2.25,Italian
+5497,@user Non dirmi così che lo devo ancora vedere,1.8,Italian
+5498,Comunque Barù il treno dovevi salirci sopra no prenderlo in faccia #jerù http,2.0,Italian
+5499,non perdonerò mai la wwe per aver cambiato la theme song di edge http,1.75,Italian
+5500,@user come te🙄,1.8,Italian
+5501,Roberto Quaglia dixit: Il Mito dell'11 Settembre compie 18 anni http 93,1.6,Italian
+5502,@user Ci,1.0,Italian
+5503,@user Dove lo stai vedendo?❤,3.0,Italian
+5504,meglio amare o essere amati?,2.75,Italian
+5505,"@user hanno meno di un tempo per fare 4 goal, siamo sulla buona strada",1.0,Italian
+5506,il neo in fronte di giucas casella una volta finito il gf è planato dritto in fronte a vaporidis,2.8,Italian
+5507,Ci sono #dueIngredienti che rendono la vita più interessante: le emozioni e un pizzico di pazzia http,1.75,Italian
+5508,@user @user Mmmmmm che pisellone grande,4.4,Italian
+5509,no ve lo giuro sono incazzata nera dovete sempre rovinare tutto,4.0,Italian
+5510,@user leggoo!,1.0,Italian
+5511,"tu sarai amato il giorno che potrai mostrare la tua debolezza, senza che l’altro se ne serva per affermare la sua forza",2.25,Italian
+5512,vabbè chi viene al concerto di louis il 3 settembre che sto da sola con mia sorella che non sa mezza canzone??🧍🏼‍♀️🧍🏼‍♀️🧍🏼‍♀️,2.0,Italian
+5513,"@user Grazie, sono proprio ignorante sull’argomento 🤦🏼‍♀️",2.6,Italian
+5514,@user @user P e sa che di riforma della giustizia se ne parla da 50 anni.,1.0,Italian
+5515,da giovedì vado al mare e voglio sentire toca in spiaggia 🏖,3.6,Italian
+5516,la guerra ci ha messo del suo...ma non è che prima avessero fatto qualcosa per fermarle #carobollette,1.0,Italian
+5517,@user ayato venti,1.0,Italian
+5518,"Comunque non vorrei smontarvi niente ma è chiaro che ""se lei è triste anche lui è triste"" solo per EDUCAZIONE 😭👀 #jeru",2.25,Italian
+5519,nessuno sarà mai importante per me come lo è seb,3.5,Italian
+5520,"@user Oddio, ma sono pazzi?",2.6,Italian
+5521,@user dove!,1.0,Italian
+5522,@user Grande affare...bravoooo🤮,1.4,Italian
+5523,il modo in cui Irene conosce bene Stefania 😭 #ilparadisodellesignore,1.2,Italian
+5524,@user Si si ...ma quest'anno troppi passi falsi in difesa soprattutto negli ultimi minuti.,1.0,Italian
+5525,"Ehi Barù, ora hai capito qual è la differenza tra persona e giocatore? #jeru",2.4,Italian
+5526,passo mezz ora a sera su tiktok solo per innamorami di molteplici cucciole che non vedrò mai,3.2,Italian
+5527,@user @user non sapevo fosse una sua competenza,1.4,Italian
+5528,@user Ma non pensano che tutte le persone hanno una vita e non tutto deve per forza girare intorno a M e L ??,3.25,Italian
+5529,Ogni volta che cerco una nuova pfp la solita storia ma posso non piangere per un coreano che manco sa che esisto? http,2.6,Italian
+5530,"#filorosso anche Bertinotti effettivamente può dire la sua sulle crisi, quanto governi ha fatto cadere, due o tre, che non mi ricordo ?",1.4,Italian
+5531,"fool di cavetown è un abbraccio, non una canzone",2.2,Italian
+5532,Il mio cervello al momento offline pensando solo ai blamood dopo,3.333333333333333,Italian
+5533,@user uff😍😍😍,1.6,Italian
+5534,@user same hahaha sono troppo teneri,2.0,Italian
+5535,"@user Prima dell'autogol avevano fatto un tiro nello specchio. Vabbè, non ci pensiamo! Come va l'insonnia?",1.8,Italian
+5536,"@user @user @lopezobrador_ Una pena, mano.",2.6666666666666665,Italian
+5537,rosé di studio? 👀👀👀👀,1.75,Italian
+5538,"@user per questo ti serve un paese poco informatizzato, povero, con scarse o nulle capacità di controllo.",1.2,Italian
+5539,@user e si vede che manca ahahah,1.25,Italian
+5540,Le cose importanti si guardano negli occhi ...il resto è Social 🖤 http,2.4,Italian
+5541,@user @user @user @user Me l'ha mandata lui personalmente quando ha visto questa foto http,2.25,Italian
+5542,@user Si ogni 5mila km!😂,1.2,Italian
+5543,"Avv. La Marca: ""Pogba e Di Maria sarebbero colpi importanti per la Juve, ma alla Juve non basterebbero"" http",1.0,Italian
+5544,"👍 on @user La fisica della ""Legge di Attrazione"" - Niccolò Angeli http",1.0,Italian
+5545,@user @user @user @LulaOficial seguindo,1.5,Italian
+5546,@user E questo culo? 😱😱😱😱,3.6,Italian
+5547,domani compito di latino,1.6,Italian
+5548,@user Anche questa è Italia,1.2,Italian
+5549,"@user certoo, anche tu se ne trovi uno grazie &lt;33",4.0,Italian
+5550,@user Che schifo di persone esistono? Mi fate vergognare di essere italiana ❤️,2.0,Italian
+5551,@user @user Si ma democraticamente lo si accetta,1.25,Italian
+5552,@user me ne dai un po' x favore );,2.5,Italian
+5553,@user lui sì che era un gran figo di musicista... Chi si ricorda? #DomenicaIn #Malfunk http,2.6,Italian
+5554,@user io ti ho messa incinta quindi lo so🤷,5.0,Italian
+5555,"Alla fine la scelta la farà Manuel... Sceglierà Giulio, lui dirà di sì e andranno insieme a fare le risse #uominiedonne",1.6,Italian
+5556,Perché proprio a me un Ariete in casa?,2.25,Italian
+5557,"La determinazione non rende le cose facili, le rende possibili. #9maggio #Putin http",1.0,Italian
+5558,"@user @FBiasin Peccato che queste, comprando giocatori dalle piccole, permettono a queste ultime di giocare.....",1.0,Italian
+5559,@user tiamo best :((,3.0,Italian
+5560,Pinto quando Florenzi non accetterá il taglio di stipendio al Milan http,1.25,Italian
+5561,@user Io innamorata ma siamo fermi a capitolo 6 😭😭😭,3.333333333333333,Italian
+5562,@user l'ho fatto,2.6,Italian
+5563,3) Passare da pezzi ironici a questo: lui può #Amici21 http,1.0,Italian
+5564,@user Sentono il caldo più di noi😊,2.8,Italian
+5565,@user ecco io spero che mi facciano finire primaa sjkekekd,1.4,Italian
+5566,wwf: STOP all'abbattimento dei Daini del Parco Nazionale del Circeo - Firma la petizione! http via @ChangeItalia,1.0,Italian
+5567,"@user @EnricoLetta @Corriere @pdnetwork Si, ha usato parole di saggezza e buon senso.",1.4,Italian
+5568,"sto riguardando la terza stagione di ouat, mi mancava troppo",2.4,Italian
+5569,@user Io vorrei conoscere sto giornalaio,1.8,Italian
+5570,@user @user Speriamo tutto bene,2.4,Italian
+5571,"@user mmh, se la stupidità può spiegare una cosa adotto quella spiegazione, in assenza di altre prove",1.75,Italian
+5572,ciao sono jared e ho 21 anni,2.4,Italian
+5573,Nel paese dei bonus oggi manca solo il bonus balconi. Così da potercisi buttare.,1.6,Italian
+5574,@user Veramente! La pubblicità è sempre meglio della realtà 😂,1.3333333333333333,Italian
+5575,@user @PauDybala_JR Sempre uno di qualità serve sempre,1.4,Italian
+5576,Mi sento come Paperino parlo parlo e nessuno capisce,1.6,Italian
+5577,"@user Molta cosa a Pisa oggi, perchè domani farò un viaggio",2.6666666666666665,Italian
+5578,Vorrei festeggiare molto con quello col cappello rosa #eurovision,2.75,Italian
+5579,@user Questa gif mi fa scompisciareee,2.0,Italian
+5580,Ci legge … altroché se ci legge…. AMORE❤️❤️❤️#tzvip,3.2,Italian
+5581,@user @user Infermiere per persone anziane,1.75,Italian
+5582,@user Pazienza...,1.0,Italian
+5583,@user ma oddio non volevo mettere il punto HANSJSJ grazie davvero&lt;3,3.2,Italian
+5584,"@user @user Penso molti di più, il sondaggio non mi sembra rispecchi la realtà 🙏",1.2,Italian
+5585,#PortaAPorta sembra una sagra di paese!!!!,1.2,Italian
+5586,Ho visto il film che ha vinto l'Oscar Il mio cuore di pietra non ha retto Ho finito il pacchetto di fazzoletti,2.4,Italian
+5587,"@user Qui, Liguria di levante, tempo da lupi: pioggia battente, vento forte.",1.0,Italian
+5588,@user perché dio cane,3.0,Italian
+5589,"in alternativa, si può aderire alla CPI - Chiesa Pastafariana Italiana http",1.75,Italian
+5590,@user @user @user La domanda è? È entrato bene nel naso?😂😂😂😂 se è un altro test ed è tuo tantissimi auguri 😀😀,2.4,Italian
+5591,"@user Che poi, il tackle è arte. Ma di che parliamo",1.2,Italian
+5592,@user @user La nato non sta combattendo nessuna guerra.,1.0,Italian
+5593,@user Per me questo “l’articolo 5 della Nato” lo applica anche alla Guerra dei Trent’anni,1.2,Italian
+5594,@user yoongi ti sta palesemente dicendo di non studiare,3.6,Italian
+5595,avete i capelli elettrici un sto periodo?,1.0,Italian
+5596,@user per la puntata?,1.0,Italian
+5597,se come dicono si trasmette più facilmente per via sessuale il #vaiolodellescimmie entrerà l'obbligo : mascherina e cintura di castità,2.25,Italian
+5598,"@Palazzo_Chigi Fate ridere, inetti e inutili!",2.2,Italian
+5599,@user Militarmente siamo messi male e queste decisioni vanno prese così come sono state prese altrimenti non verrebbero mai prese.,1.2,Italian
+5600,quanti momenti no,2.4,Italian
+5601,sono,1.0,Italian
+5602,@user @user @user Hanno preferito cercare di mettere astio fra loro tre per creare dinamiche e clips #jerù,1.8,Italian
+5603,ti ho donato me stesso e buttato le chiavi,4.2,Italian
+5604,"@user Non rappresenta sicuramente tutti i palestinesi, ma a Gaza e nei territori occupati, governa Hamas. 🙄",1.2,Italian
+5605,@user ka devi smettere,2.6666666666666665,Italian
+5606,@user abbiamo vinto 3 mondiali,1.0,Italian
+5607,"Nicolai... ringrazia, perché io ti sbattevo fuori! #Amici19",1.6,Italian
+5608,@user #jai ho,1.0,Italian
+5609,@_pallavighosh Pallo di,1.0,Italian
+5610,Questa non è un’esibizione è L’ESIBIZIONE http,1.0,Italian
+5611,@user Pure lo squaraus? Eccheccazzo!,2.4,Italian
+5612,@user É caduto il suo ego,2.4,Italian
+5613,Foto di oggi http,1.0,Italian
+5614,Osigiì fine,1.0,Italian
+5615,"Dai adesso il piantino di Lulù,tutto secondo copione #jeru #gfvip http",1.6,Italian
+5616,sono molto debole non toccatemi http,3.0,Italian
+5617,"@user 17 sto cadendo in depressione, in realtà lo giuro ho il cervello di una tredicenne http",4.4,Italian
+5618,@user Per scriverlo me lo sono dovuto ripetere in mente un paio di volte,2.2,Italian
+5619,@user Credo riflettano pure loro...,1.0,Italian
+5620,Benzema = vero numero 9,1.5,Italian
+5621,@user anche io,1.0,Italian
+5622,"La festa del papà, è una festa da condividere con le mamme, ché molto spesso la mamma è anche un'ottimo padre di famiglia. #festadelpapà",1.0,Italian
+5623,Que sono manow,1.0,Italian
+5624,"@user @user certo, ma l'organizzazione del proletariato in partito d’avaguardia è un distaccamento da Marx da parte di Lenin.",1.4,Italian
+5625,@user Anch'iooooo🤗 😋,1.4,Italian
+5626,Ma come si fa a dormire non riesco a smettere di ascoltarlaaa😍✨ #blackout #thekolors,2.5,Italian
+5627,#AccaddeOggi 23 marzo 1922 100 anni fa: nasceva a Cremona il grandissimo Ugo Tognazzi http,1.2,Italian
+5628,Quel secondo prima del disastro.,1.0,Italian
+5629,@user Ma dove va? A funghi?,2.4,Italian
+5630,"@user @user @user Ah, ecco, il peggio del peggio.",2.0,Italian
+5631,@user ha ok,1.0,Italian
+5632,@user @user @user me lo ha già venduto,1.2,Italian
+5633,@user Julianna bella ragazza! io te amo!,3.6,Italian
+5634,@Affaritaliani Ma che cazzo state dicendo,1.75,Italian
+5635,@user Ma #Putin il regalo glielo ha fatto?,1.0,Italian
+5636,@user @user ivan ma il piatto preferito di chri qual'é?,3.75,Italian
+5637,"@user Ti ringrazio, davvero ❤️",3.2,Italian
+5638,"@user ""Ehhh non sarà una partita semplice"" Ma mangiati una merda goblin infame",2.2,Italian
+5639,@rusembitaly Chi ha scritto il tweet almeno prova un po' di vergogna? Che schifo,1.8,Italian
+5640,"@user Lo impacchettiamo e lo mandiamo a Putin. Un monarca abbisogna di un giullare, come termostato.",1.6,Italian
+5641,@user Non fa una piega Ma poi che fastidio da? 🤷🏽‍♂️ 🤦🏾‍♂️🤦🏾‍♂️🤦🏾‍♂️,1.6,Italian
+5642,"@user Perché gli uomini sono sempre a lamentarsi? Fly down e aspetta, grazie 😉",1.0,Italian
+5643,@user Esiste una parola che ti si addice moltissimo MECENATE c’è ne fossero tanti come te Grazie di cuore!,2.0,Italian
+5644,Tra una settimana qualcuno ne fa 41. 👀👀 @Negramaro http,2.0,Italian
+5645,"Quindi tra quanto tempo si può chiedere ""Che fai a capodanno?""",2.2,Italian
+5646,@F3lixDeClerck Prima,1.0,Italian
+5647,Le mani più belle che io abbia mai visto. Mi piacciono troppo. #MengoniAppleMusicLive http,2.6,Italian
+5648,@user Oddio davvero!??,3.0,Italian
+5649,@user Ovvio che sì,1.8,Italian
+5650,@user Gli occhi più grandi e innocenti del mondo 🤧,2.4,Italian
+5651,@user Un caffè? ☕😁😁😁,1.6,Italian
+5652,"Che poi sto cercando di mascherare il tema il più possibile con fisica delle particelle aka tema di prof1, lmao che clown sono🤡",1.6,Italian
+5653,"@user @user Ciao Santino é sempre un piacere leggerti, un saluto da tutta la ANC Carsoli (AQ)",2.6,Italian
+5654,@user Ah ecco ... non lo conosco,2.4,Italian
+5655,@user @user Ditto!,2.25,Italian
+5656,@user no ma troveranno il modo per dire che anche questa volta non abbiamo ragione😂,1.4,Italian
+5657,"@user @user Grazie! 😅 Sì anche da killer, ci sta 😂😂😂",2.0,Italian
+5658,Rintracciate il vincitore del #superenalotto. In Italia abbiamo un debito pubblico da risanare URGENTEMENTE!!! ;),1.2,Italian
+5659,@user Compagna/compagno andrebbe bene!,3.0,Italian
+5660,Si festeggia il passaggio del turno del Chelsea di Sarri. #Zerotituli,1.0,Italian
+5661,#dimartedi Il Procuratore Gratteri: 'Oggi i politici cercano gli 'ndranghetisti per ricevere pacchetti di voti' http,1.4,Italian
+5662,Comunque ieri mi sono mangiata il centrotavola.,1.8,Italian
+5663,Chi è lui se non l’amore della mia intera vita? http,3.6,Italian
+5664,Giocare a morra cinese con un cinese e stupirsi di aver perso: fatto,2.333333333333333,Italian
+5665,@user Non !,1.0,Italian
+5666,"RANIERI, Offerta Fulham per Pjaca? Non è vero http",1.4,Italian
+5667,@user 🇧🇷,1.3333333333333333,Italian
+5668,2018....diarroico.....2 gennaio 2019...appena beccato un cinghiale... macchina abbastanza rovinata😤😤😤Affanculo😏,3.0,Italian
+5669,whew.....stanchezza posso dormire,2.4,Italian
+5670,Fiori raccolti nel giardino della mia fantasia...il mio sito è http http,2.6,Italian
+5671,Mamma guarda sono nato per fare la guerra,3.0,Italian
+5672,vorrei spillare un tea di quelli potenti ma probabilmente litigherei con una persona quindi devo contenermi,3.75,Italian
+5673,@user Cos'è che ha fatto?!? http,1.8,Italian
+5674,"@MelogNicoletti Non ce n’è più la necessità perché, a quanto pare, la società non lo trova riprovevole.",1.6,Italian
+5675,Sono innamorata di tom@Holland. Scusatemi.,2.0,Italian
+5676,@user 1hi hai,1.0,Italian
+5677,@matteosalvinimi Speriamo sia la giusta giornata per toglierti dalla MINKIA per 15 anni,1.8,Italian
+5678,@user @user Fato,1.6666666666666667,Italian
+5679,"@user ciao Ringhio, sono sempre io!!!",2.0,Italian
+5680,@user Sei un veggente,3.0,Italian
+5681,@user stai ammettendo la tua sconfitta?,2.8,Italian
+5682,Tutto ciò perché è da inizio anno che ha la ragazza che palle Sono una brutta persona se vorrei che la tradisse con me? Lmao,4.2,Italian
+5683,Un uomo vende l'auto pur di salvare la vita al suo cane - Amici Di Casa http,1.5,Italian
+5684,i piedi sto parlando dei piedi,2.2,Italian
+5685,@user @user Dora presidente del consiglio,1.4,Italian
+5686,Dal compost nascono i fiori… a scuola. Venerdì inaugurazione della compostiera Big Hanna - http http,1.25,Italian
+5687,@user il mio sogno più grande,3.4,Italian
+5688,@user È una brutta malattia ma si può guarire,2.0,Italian
+5689,@matteosalvinimi Condannata a 6 ergastoli e va' a spasso? In Italia vanno in galera soltanto i ladri di polli!,1.6,Italian
+5690,[Fonte: laprimapagina_it] Incidente aereo: morto Corrado Herin ex campione di slittino e di mountain bike http,3.0,Italian
+5691,passo,1.25,Italian
+5692,Magie che solo @user può fare ... http,2.6,Italian
+5693,@user È alla JIB a Roma sì,1.3333333333333333,Italian
+5694,"#Conte non nomina mai la Juve. Dice sempre ""loro"". Ci avete fatto caso? #JuveInter",1.2,Italian
+5695,Messaggi poco chiari e un'uscita dallo studio... Ecco cosa succederà nella prossima puntata di #UominieDonne ▶️ http,1.0,Italian
+5696,@Adnkronos peccato....,1.8,Italian
+5697,@user @Rinaldi_euro @PiazzapulitaLA7 @BarbaraGSerra Caspita che mostro di Tatta! ! Bravo,1.8,Italian
+5698,@user Grazie mille!,1.6,Italian
+5699,Paolo Bonolis e Luca Laurenti si dicono addio? La verità sul loro litigio - http,1.25,Italian
+5700,@user @CarloCalenda Ma almeno non ci facciamo prendere per il culo,1.6,Italian
+5701,@user @user Vai e non pensare.,2.6,Italian
+5702,@user @user vamo?,2.0,Italian
+5703,@user @user Sicuramente diventeranno 2 notai...😂,1.6,Italian
+5704,@user @user Ma dove l’hai trovata?! 😱😱😱,2.6,Italian
+5705,@user @user Politici... Una gara a chi è più imbecille. http,1.8,Italian
+5706,Finalmente è stato svelato il nome completo di FP: Forsythe Pendleton Jones Jr #Riverdale,1.6,Italian
+5707,Q sono,1.0,Italian
+5708,@user o no? @user,2.0,Italian
+5709,@user di nulla 😊😊,3.4,Italian
+5710,Pallapugno: i risultati di giovedì 2 e venerdì 3 maggio http http,1.0,Italian
+5711,Un consiglio per la masturbazione: è meglio se ti aiuto io! 💋❤ http,4.8,Italian
+5712,Gaetano ha ragione però se la fa prendere troppo a male #GF16,1.4,Italian
+5713,@user Quanto tempo dobbiamo aspettare per volare amica 🙊😂 http,3.2,Italian
+5714,Ha segnato ancora lui. @borghi_claudio godo. http,2.4,Italian
+5715,@user Che faceva le cose brutte,1.6,Italian
+5716,@user @user ✔️,2.25,Italian
+5717,@user La mia da cucciola che tira su il morale a tutti ✨✨ http,3.6,Italian
+5718,Quello che ha preso un pugno in pancia nella preview di 'Come una madre' era Bugo in un instant cameo. #Sanremo2020,1.0,Italian
+5719,sto carente scr,1.3333333333333333,Italian
+5720,#Leonardo da #Vinci era strabico e così scoprì la profondità http http,1.0,Italian
+5721,"@user Sì, vabbè, quella cazzata dopo 5minuti taglia le gambe a chiunque.",1.75,Italian
+5722,Ma tutta sta pubblicità eddai sù,1.2,Italian
+5723,"@user Sei un uomo buono, Claudio. Io lo vedrei meglio altrove 😈",3.0,Italian
+5724,@user Giorgetti è un bossiniano leccaculo del pregiudicato pedofilo mafioso,2.8,Italian
+5725,@user Era buonissima 😍,2.8,Italian
+5726,@user @user @juventusfc Ovviamente. Anche quando usa i morti del Heysel? Quel Boa sembra una gran bella persona. Difendilo anche.,1.8,Italian
+5727,"@user @user 👏🏼👏🏼👏🏼👏🏼Appunto, concordo, Fedele s#1 specie di uccellaccio livoroso doc👍🏼",1.75,Italian
+5728,@user passo,1.0,Italian
+5729,"@user ci siamo già invece, almeno fino alle spalle....",2.4,Italian
+5730,"@user E pure bona! Ah, no, lo eri già",2.5,Italian
+5731,Semplicemente #CommissariateLaLombardia,1.0,Italian
+5732,@user @GiovanniToti Ce sei o ce fai ?,3.0,Italian
+5733,ARD_PROVE_CERV 03/12/2019 15:28:21 Attivazione 51,1.0,Italian
+5734,@user Sai quanti tonni ci sono in Italia 😂😂,2.4,Italian
+5735,@user A te. Della tua amicizia😍😍,3.0,Italian
+5736,"@user @TIM_Official grazie del consiglio, confermi i miei sospetti...",2.2,Italian
+5737,@user Hai scelto un piatto leggero 😂😂,2.6,Italian
+5738,Ci penso qua sul letto mentre ascolto da ore La solita canzone di Raven-Symoné,2.8,Italian
+5739,Usciamo con questa #recensione mentre lo spettacolo ha appena debuttato all'Eliseo di Roma. http,1.4,Italian
+5740,la vita ci impone di interpretare piu' personaggi per sopravvivere..,2.0,Italian
+5741,@user @user Stronzate Licia ha fatto il muso x un giorno. Un solo giorno. È gli rideva il culo solo x montovoli.,3.0,Italian
+5742,"#Pedulla - #Barella-#Inter: prestito con obbligo confermato, 10 più 30 più bonus",1.0,Italian
+5743,@CagliariCalcio Eterno Onore alla loro Impresa ❤️💙,1.4,Italian
+5744,"Dani Olmo, il piano del Milan: ricavare 60 milioni dalla cessione di Suso e Paquetà http",1.0,Italian
+5745,mai più loro tre insieme per favore sono distrutta http,1.8,Italian
+5746,@Noraalshaaban @user 👌🏻,2.6666666666666665,Italian
+5747,"@user @user Hahaha, la realtà tutta insieme.",2.2,Italian
+5748,@user Sicuro dopo?,1.5,Italian
+5749,@user ufff :(,2.4,Italian
+5750,@borghi_claudio @user @repubblica Bisogna ricordarlo a Bergoglio,1.8,Italian
+5751,Perché non leggi mai i miei tweet cara @FedericaMasolin ???? Uffa .... 😢😢😢😢😢😢,2.6,Italian
+5752,@user @user Il rischio è questo; prima o poi qualcuno reagirà. E poi che facciamo?!?🤔,2.4,Italian
+5753,"@user E chi viola impunemente le leggi ci comanda , in un mondo alla rovescia non fa una piega , omg .",1.2,Italian
+5754,@user Oh ora sono più tranquilla😂😂,2.4,Italian
+5755,Vado di fretta tu spostati,2.2,Italian
+5756,"Petrachi, la Roma ha trovato un gran bel ds: la pacchia è finita! Zaniolo da cedere per monetizzare http",1.0,Italian
+5757,AttorcigliataMente!,1.0,Italian
+5758,@user impeachment è poesia xD,2.4,Italian
+5759,@user @user @GoalItalia Palmares internazionale di Conte. Ma forse hai 12 anni. http,1.0,Italian
+5760,Ci sono più stelle nell'universo conosciuto che granelli di sabbia sulla terra. Ma più atomi in 3 grammi di sabbia che stelle nell'universo.,1.0,Italian
+5761,"@user @user Respete mister, respete",2.0,Italian
+5762,@RobertoBolle sulle note di #franksinatra che bellezza !!,1.4,Italian
+5763,ti ricordi quando mi hai ucciso per la prima volta?,3.25,Italian
+5764,mi sono persa la diretta di cris. penso che non me lo perdonerò mai e poi mai,1.8,Italian
+5765,"@user Ecco pure Monreale. No sicuramente il mare è stupendo, a Sampieri mi sono trovato benissimo.",2.0,Italian
+5766,Vorrei almeno sapere quando saranno gli esami per cui sto tentando di studiare 🤷🏼‍♀️,1.6,Italian
+5767,L’Europa si prepara ad avvio debole sulla scia di nuove apprensioni commerciali fra USA e Cina http,1.2,Italian
+5768,@user Non,2.0,Italian
+5769,"Ma quelli che scopano la testa, sono gli stessi che hanno il mare dentro? Chiedo per un amico pescivendolo.",3.6,Italian
+5770,@user Non .,1.0,Italian
+5771,"'Fermi siamo carabinieri', poi le 11 coltellate: così l'ordinanza smonta la difesa dei due americani http",1.2,Italian
+5772,@user Mi piacerebbe tanto sapere cosa ne pensa baal di tutta la situazione,2.4,Italian
+5773,è tutta la mia vita quella bambina,4.0,Italian
+5774,@user Bene il 4 4 2 nel finale,1.0,Italian
+5775,Morgan che offende in mondovisione il suo compagno di avventura e si stupisce che il malcapitato abbandoni il palco. #MorganeBugo,1.25,Italian
+5776,"“Riempio di angoscia le filastrocche, questo è un libro senza precedenti”: dialogo con Tiziano Scarpa - Pangea http",1.25,Italian
+5777,@user ufff,1.25,Italian
+5778,in che senso consegnano i bracciali solo ai vip?,1.25,Italian
+5779,@user @user Sta facendo una buona partita,1.4,Italian
+5780,"Kibia, le condizioni poste da Trump al generale Haftar. Mauro Indelicato ""Il Giornale"" ""Gli occhi della guerra"". http",1.0,Italian
+5781,"La verità soprattutto e l'innocenza li premia, non sono puniti - http",1.5,Italian
+5782,Ciavarro se entrava il padre era davvero una grande Geriatria vip #GFVIP,2.0,Italian
+5783,@acmilan Siete dei figli di puttana,2.0,Italian
+5784,"@AnnaAscani @nzingaretti Un commentino sulla rottamazione renziana, fu tutto bello bellissimo?",2.2,Italian
+5785,La Maratonina della Felicità ed i suoi partecipanti premiati dalla Città http,1.25,Italian
+5786,Qualcuno mi deve spiegare perché i fuorigioco di 90 metri non vengono fischiati subito. #LazioInter,1.2,Italian
+5787,O Vignali e un mese che mangi come un bue e ora ti lamenti? A pensarci prima vacca.. #gf16,1.6,Italian
+5788,sei la sabe,2.75,Italian
+5789,"I #messaggi di #pace, #amore e #libertà tra i #viaggi apostolici di #Papa #Francesco http",1.0,Italian
+5790,Una grande affluenza è un ottimo segno contro il #CazzaroVerde #iltuoCUOREnonbatteaDESTRA,1.25,Italian
+5791,"#Hazard stoccata a #Sarri e #Conte 📌 ""Con gli allenatori italiani perdi il gusto di giocare a calcio"" ⤵️ - http",1.0,Italian
+5792,"Ma mi dite perché più non se li caga nessuno, più sono dimenticati dal mondo, e più danno ai figli nomi strani per fare i vip che non sono?",2.6,Italian
+5793,"@matteosalvinimi Pensa che alla sanità, in Umbria, abbiamo il leghista geometra Coletto. Lo proponiamo per il Nobel?",2.2,Italian
+5794,@user In bocca al lupo! 🍀 andrà tutto bene! 😘 dajee!! 💪🏻,3.8,Italian
+5795,Ho il ciclo e 0 voglia di studiare,4.2,Italian
+5796,@user @borghi_claudio A chi ha le azioni di sicuro i dividendi...,1.2,Italian
+5797,@user Che bella lei! ❤️,2.6,Italian
+5798,certi giorni sono tristi meglio stare zitti,2.8,Italian
+5799,@user Io dopodomani😭 in bocca al lupo🍀,2.4,Italian
+5800,@user Siamo in due. Non riesco a guardare le immagini in televisione.,2.5,Italian
+5801,@user Solitamente se non sapete cosa fare... fate shopping,2.6,Italian
+5802,Pizza?,2.5,Italian
+5803,A parte gli scherzi Sono felice per Gigi è carina gentile umile merita il meglio davvero,3.0,Italian
+5804,@user mano?,1.4,Italian
+5805,"@user Prova sul collo, fidati 👍",3.2,Italian
+5806,@user Non l hanno ancora capito il suo “finto” interismo...vedrai come tra 20 gg tirerà merda su di noi...,1.8,Italian
+5807,"@user Me li immagino quelli lì sotto ""cazzo fa, oddio, spostamoseeeee""",2.8,Italian
+5808,"@user Siamo solo intelligenti,antirazzisti,europeisti,e a fa ore della cultura e del merito",1.8,Italian
+5809,Donna Ciretta: da “a spasso nel tempo” a “a spasso nel mondo” ✈️ #noneladurso,1.4,Italian
+5810,@user Di nulla sono Angel piacere di conoscerti,2.4,Italian
+5811,8 Frasi “magiche” per Convincere le Persone a fare ciò che Vuoi! - Impar... http vía @YouTube,1.4,Italian
+5812,@user I parenti..buoni quelli,2.0,Italian
+5813,"@user hai detto che mi cagavi, falso bugiardo.",4.8,Italian
+5814,@user Non ci sto capendo più niente...,1.4,Italian
+5815,quattro aprile millenovecentosessantotto #treparole #SBLab19 #scritturebrevi,1.2,Italian
+5816,@user Sia piena di ogni bene e.... dolcezze!!🍬🍬🍭🍡🍢🍥🍩🍫,2.6,Italian
+5817,@user Sono le dieci meno dieci,1.0,Italian
+5818,Talisa dovrebbe fare più preparazione fisica #Amici19,2.0,Italian
+5819,@user Mi viene da ridere 😂 ti offendi 🤔,2.6,Italian
+5820,@user Sfiorato molte volte il 3-1,1.2,Italian
+5821,"@user Grazie per l’informazione, ma ho già la carta per la lettiera del 🐈",1.6,Italian
+5822,Io molto estupida,2.333333333333333,Italian
+5823,@repubblica 😂 siamo nel 2019 ... ed Elon Musk sta per colonizzare marte,1.0,Italian
+5824,Vedo giocare il Barcelona e poi penso ai calciatori rappresentano la mia squadra. #BarcaLiverpool,1.4,Italian
+5825,Mi stavo già disperando mentre mi chiedevo dove fossero finiti i miei (pochi) soldi mi sento male,2.333333333333333,Italian
+5826,@user @repubblica Esssre bloccati da Saviano dalla Cirinnà è un onore,1.6,Italian
+5827,Caos #Libia: forze di Haftar annunciano il cessate il fuoco http #notizie #sapevatelo #esteri,1.0,Italian
+5828,"@user Non saprei, ma non credo",1.6,Italian
+5829,@user @user @user Vabbè ma trovami uno che frequenta gli stadi a cui possa piacere...,1.8,Italian
+5830,"#Amici18 Me: via è l'una passata, ora faranno vedere le carte e si andrà a letto tutti Mediaset: http",1.4,Italian
+5831,@user olar primo,1.5,Italian
+5832,Una universita' iraniana ha istituito un programma di dottorato per gli studi satellitari. http,1.0,Italian
+5833,@user Ma insinuare il dubbio su presunti errori arbitrali a valore sempre e soltanto di una squadra ...SI,1.6,Italian
+5834,@user Amn dazanm che 😂😂😂,1.5,Italian
+5835,"vedo vestiti e ho bisogno di comprare vestiti, vedo make-up e ho bisogno di comprare make-up, vedo libri e ho bisogno di comprare libri",1.8,Italian
+5836,Sarò quella notifica che non ti arriverà mai #eLoSai,4.0,Italian
+5837,@user Tu conseguiste?,2.0,Italian
+5838,"@user Terzo posto, per me",1.0,Italian
+5839,@user @user Eh sì,1.6,Italian
+5840,Buon pari dell'inter in casa contro la corazzata Cagliari 😂💦😂💦😂💦😂💦😂💦😰😂💦😂💦😂💦😂💦😂💦😂😂💦😂💦😂💦😂💦😂💦😂💦😂💦😂💦😂💦😂💦😂😂 #aNala #InterCagliari,1.4,Italian
+5841,@user @user Io la so cucinare. 😉,2.4,Italian
+5842,@user Amo,3.0,Italian
+5843,@user @iomatrix23 @Inter Promemoria per i bimbi che non c'erano...‼ #gdm 🦓💩🏁💩😊😂😅🤣 http,1.4,Italian
+5844,"@user Faranno 200 foto lo stesso giorno,per poi pubblicarle per tutto l'anno 😂😂😂😂",3.0,Italian
+5845,@user 😘💓💓,3.6,Italian
+5846,"@user Buon compleanno, prof... Sono magnifici i cinquant'anni.. Auguri 🥂 🍀",3.6,Italian
+5847,"La professoressa di greco ""Un esame da terza media E noi siamo in estinzione"" http",1.8,Italian
+5848,non avevo un mental breakdown così da quasi un anno,3.0,Italian
+5849,@user Tanti auguri di buon compleanno Sebastian vette da me e dal mio fidanzato,2.2,Italian
+5850,L'edizione pomeridiana del Gr di Radio Ducato http,1.0,Italian
+5851,Ma cosa vuol dire che continua domani? Mediaset impazzita #Titanic,2.4,Italian
+5852,@user E se ricevi schiaffi ricorda pure quelli sennò non vale...,4.0,Italian
+5853,il sole è JOBLESS http,1.2,Italian
+5854,@user Ma a Marattin è stato detto?,1.8,Italian
+5855,Il monumento a Giovanni Dalle Bande Nere sarebbe dovuto essere collocato dentro la basilica di San Lorenzo http,1.0,Italian
+5856,@QuefishTV Si,1.0,Italian
+5857,@user Così con le strisce dritte e sarebbe stata perfetta,1.4,Italian
+5858,@user Aiuto è una delle mie preferite,2.4,Italian
+5859,"Ho smesso di respirare, sono stupendi http",2.75,Italian
+5860,"@CarloCalenda @user Non ci credo, le ho messo un like",1.8,Italian
+5861,"@user Niente tuppo, non era una vera brioche artigianale",1.8,Italian
+5862,"@user Devi stare a casa, e possibilmente guardare verso il basso.",2.8,Italian
+5863,@user odi?,2.0,Italian
+5864,@user Ora queeeee,1.25,Italian
+5865,"I sondaggisti sul calo della Lega: ""Gli elettori iniziano a stufarsi delle sparate di Salvini"" http",1.0,Italian
+5866,@user @user Se la suonano cantano e risuonano a vicenda all'infinito,3.0,Italian
+5867,@user hai,1.25,Italian
+5868,@user @user Nessun complesso. È che me lo dicono spesso😌😂,1.8,Italian
+5869,Ho accarezzato un'idea... mi ha morso,1.6,Italian
+5870,@user Yay palaaway che,1.3333333333333333,Italian
+5871,ho visto i bangtan e mi sta impazzendo il telefono ma crè,4.25,Italian
+5872,Spagna + 5552 al report del mattino con + 443 deceduti... Cristo santo...,1.0,Italian
+5873,@user afffff sempre,1.6666666666666667,Italian
+5874,@user Probabilmente aveva alcune cose scomode da dire per cui fanno finta di dimenticarsela.,2.0,Italian
+5875,Comunque Il VOLO ha cantato accanto ai miei amatissimi JONAS BROTHERS e questo non lo supererò mai! #Verissimo,1.0,Italian
+5876,@user Che dolore! 😔🙏,2.4,Italian
+5877,@user Può essere che ti guardano e basta 😅😂,2.8,Italian
+5878,@user @user Non sa di che parla!,1.8,Italian
+5879,@user Su Internet Explorer siamo ancora alla prova costume.,1.4,Italian
+5880,"@user @user di niente, grazie mille ❤️ oddio davvero? non lo sapevo hahaha ❤️😂",2.8,Italian
+5881,Dacci oggi il nuovo modulo dell'autocertificazione Quotidiano!🙏,1.0,Italian
+5882,"@user É una serie bellissima, io la sto riguardando di recente. Fidati che merita 😊",2.6,Italian
+5883,#MENGONILIVE2019 adesso inizia il countdown....compresi anche i minuti ....pazzesco #ATLANTICO #MengoniLive2019,1.2,Italian
+5884,@user Evidentemente la signora li ha provati tutti! È una esperta del c ...,3.8,Italian
+5885,@user Ma quale favorito... Qua siamo davanti a un vincitore... A mani basse pure,1.4,Italian
+5886,"Ho appena incominciato a vedere le stelle cadenti, centra qualcosa che ho anche incominciato a prendere qualche drink......😆😆😆🍸🍸🍸🍹🍹🍹",3.0,Italian
+5887,@user Ripetere più volte la stessa stronzata non la farà diventare vero ... Usalo il cervello è gratis 😂😂😂 addios cartonatos,1.8,Italian
+5888,"Gioia mia, Celata quasi senza voce. #propagandalive",1.4,Italian
+5889,@user @user ma che risposta è? boh ma sai come funziona FB con le amicizie e le notifiche oppure no?,2.6,Italian
+5890,@user Infatti sono perplessa di questa scelta,1.8,Italian
+5891,@user @user Sono io.,3.0,Italian
+5892,Bene regaz ora devo davvero dormire cia cia 🥺 http,2.6,Italian
+5893,Tempi duri per gli ipocondriaci.,2.2,Italian
+5894,@user Ti sbagli la Meloni rispecchia la faccia truce di chi è di destra nessuna scusa per i fasci merda,1.8,Italian
+5895,@user @user Sarri il nostro cavallo di Troia...,2.0,Italian
+5896,Io che guardo il Trono di spade e la #maratonamentana nello stesso momento #ElezioniEuropee2019 http,1.6,Italian
+5897,"""La qualitá è il rispetto per il popolo"" Gio Ponti Ecco. Segnatevelo governanti.",1.2,Italian
+5898,"@user Appunto ahha, che messi male",2.0,Italian
+5899,Sempre amici fin quando non chiedi aiuto,1.8,Italian
+5900,@user Come tanti giocatori di poker potrebbe bluffare! 😂,1.0,Italian
+5901,"Sorpresa di Pasqua, i seicento euro sono lordi, al netto 478. Che presa per il..",3.0,Italian
+5902,@user Separati alla nascita 😂😂😂,2.6,Italian
+5903,"Ma ""official"" cosa che non vi conosce nemmeno il vostro vicino di casa",1.5,Italian
+5904,@user perché è la verità!!! 😌,1.75,Italian
+5905,"IL ROMA - Fedele: ""Napoli, il modulo vincente è quello visto prima del gol di Mertens"" http http",1.0,Italian
+5906,@user 🤷‍♀️🙂,1.5,Italian
+5907,gaia mi trasmette così tanto amore,3.2,Italian
+5908,"Il prossimo che vedo che scrive ""happyness"" commento con un bel dio porco SI SCRIVE HAPPINESS",1.75,Italian
+5909,@user @user Scrivimi in privato x le mascherine,2.0,Italian
+5910,Al termine della seconda sessione della tre giorni di test prima della... http,1.0,Italian
+5911,"A tutte quelle mamme che spingono le figlie senza arte né parte nel mondo dello spettacolo, ecco la fine che faranno. #Verissimo",2.0,Italian
+5912,Non niente in comune solo il sindaco che è appena uscito,1.25,Italian
+5913,Niente fa sentire liberi e potenti come l’essere accettati come si è.,3.0,Italian
+5914,"A #Mattino5 @user ""Il ministro #Tria non sarà sostituito"" http",1.0,Italian
+5915,In vendita la villa di Milo di proprietà di Franco Battiato? http,1.0,Italian
+5916,"@user CONDIVIDO👍IL PROBLEMA È DI TUTTI!!! MA PORCA MISERIA, COS'È CHE NON È CHIARO?! BUONGIORNO MAURIZIO😊🤗",3.5,Italian
+5917,"@user @user @user @Quirinale In Italia purtroppo si legge poco. Ci sono le biblioteche comunali, ma poco frequentate.",1.2,Italian
+5918,@El_Universal_Mx @CarlosLoret Si #LordMontajes,1.0,Italian
+5919,Il cuore ha delle ragioni che la ragione non conosce.. #Buonanotte ♥️ http,3.2,Italian
+5920,@user @user La Beata Vergine Maria ha avuto pietà di noi poveri meschini italiani caduti preda della bestia..,1.6,Italian
+5921,"Gezziamoci, due appuntamenti il 5 gennaio 2020 http",1.0,Italian
+5922,@user Vediamo,1.2,Italian
+5923,L'unico aspetto positivo della sfida di Jacopo è che almeno così possiamo sentirlo cantare. #Amici19,1.8,Italian
+5924,"Nicola: «Dopo un rigore sbagliato non ci siamo disuniti, questo è segno di un cambiamento» - http http",1.6,Italian
+5925,q sono,1.5,Italian
+5926,"@user Trovato, in inglese si chiama Zipper 😔",1.5,Italian
+5927,@user Batti sto cinque🤚🏻,1.75,Italian
+5928,@user @user Non esisterà più l’ora legale.. nel senso che il passaggio non si farà più.. che casin.. grazie 😣,1.8,Italian
+5929,@user @user orale,1.8,Italian
+5930,"@user E chi sei, Raggi??? 😂😂😂😂",1.6,Italian
+5931,@user *Meteo 😉,1.8,Italian
+5932,@MetaErmal Ma quanto sei bono?❤️,3.6,Italian
+5933,@user Ok.... Si fanno domani🤗,1.2,Italian
+5934,@matteorenzi Ma ancora sta a parlare...,1.0,Italian
+5935,Sorella non farmi fare brutte cose che poi te ne penti,2.5,Italian
+5936,@user Paese della Pasta 😍,2.5,Italian
+5937,Comunque idk dei prezzi in Italia questi sono quelli in Norvegia,1.0,Italian
+5938,Io che muto per sempre il tag di s*nremo http,2.2,Italian
+5939,"Trono di spade, la battaglia di Winterfell è un salto nel buio [news aggiornata alle 10:47] http",1.0,Italian
+5940,"@user @lauraboldrini @user @FedericaMog Non commenteranno nulla, perché i nazi ucraini odiano i russi; ed è ciò che conta.",1.6,Italian
+5941,@user @user Certo lei è del ramo,1.2,Italian
+5942,@user @user @user @user @user Lei non è il primo testimone oculare la ringrazio,1.0,Italian
+5943,@user @user @user mi domando che ci stà a fare........,1.0,Italian
+5944,Fermiamo le morti sul lavoro @user @user http,1.2,Italian
+5945,"@user canotta della salute e maglietta di cotone a maniche lunghe, quello che fanno gli altri mi importa poco, ho sempre freddo!!!",3.0,Italian
+5946,Louis vorrei essere coraggiosa come te,3.8,Italian
+5947,@user The ghetto.,1.3333333333333333,Italian
+5948,Comunque vada io sono per il ritiro a Milanello fino a data da destinarsi.,2.0,Italian
+5949,@matteosalvinimi Aaaaaaa..... il profumo delle feste di paese... Che spettacolo... A Napoli quando?,1.8,Italian
+5950,@user La bonus track più bella della storia.,1.0,Italian
+5951,@user Adoraria!,1.5,Italian
+5952,@user Sono tentato di vederlo,1.8,Italian
+5953,"@user @user che io sappia non molto , un mese massimo , ma mi sembrano tutti matti 😅",2.4,Italian
+5954,Copriletto in piquet Cuori di pezza disponibile in 4 colori e 2 misure http,1.0,Italian
+5955,"Nelle foto salvate di instagram ho milioni di tatuaggi stupendi, se solo avessi soldi",2.8,Italian
+5956,Jeff Bridges protagonista di una serie tv dopo più di 50 anni dalla precedente esperienza http,1.0,Italian
+5957,@user @user @user @user @user sei già sveglio oppure dormi? Giochiamo insieme daiiiiii,3.75,Italian
+5958,"Ho letto di uno stronzo che vorrebbe tornare alla Juve, per me manco per pulire i cessi #Benatia",2.4,Italian
+5959,"La gente stressata perché devo stare a casa a guardare la televisione, a fare da mangiare, leggere un libro",2.2,Italian
+5960,@user Non va bene Elisabetta. Buona serata cara.,2.75,Italian
+5961,@petergomezblog @fattoquotidiano Domani lo acquisterò sperando intensamente di riguadagnare un po' di fiducia nella vostra categoria.,1.4,Italian
+5962,@user Sono talmente basita che non trovo le parole per commentare...😳,1.4,Italian
+5963,Qualcuno per pp magari F/A,2.0,Italian
+5964,@marcotravaglio Consiglierei un'antirabbica.,1.4,Italian
+5965,Medici Cubani aiutano l'Italia,1.0,Italian
+5966,Quando tento di prendere il biglietto autostradale al casello. http,1.25,Italian
+5967,"Fuori dal dissesto, ""#viareggio tornerà bellissima"" orgogliosa dell'obiettivo raggiunto http",1.0,Italian
+5968,@user non è vero io ti amo con tutto il mio cuore,2.75,Italian
+5969,che HAHAHA,1.75,Italian
+5970,Bene abbiamo scoperto perché Jimin aveva cancellato il video LMAO http,1.8,Italian
+5971,Possiamo aprire un centro di recupero per il nono episodio?,1.2,Italian
+5972,@user Ahahahahahaha almeno la tua si nasconde la mia a quanto pare si è ucciso oppure è volata chissà a quale parte del mondo 😂,3.0,Italian
+5973,Giù le mani dai bambini #Bibbiano #bibbianoenonsolo,1.2,Italian
+5974,@user Troppo buona. W il trash,2.0,Italian
+5975,Mutilavano arti per truffa assicurazioni http,1.25,Italian
+5976,"Una giusta strategia di social media marketing genererà una crescita della propria audience, #BrandAwarness #SMM http",1.0,Italian
+5977,scusate ma come si fanno ad eliminare velocemente gli unfollowers??? 🚫🤡🌙🤬,1.4,Italian
+5978,@user Buongiorno Silvia 💐,4.2,Italian
+5979,@user Che è il pail?😂😂😂,1.2,Italian
+5980,@user certo!! scrivimi la tua email in dm,3.0,Italian
+5981,Ma massimo e la tentatrice si sono baciati?? Mi sono persa un fottuto secondo! #TemptationIsland,2.2,Italian
+5982,"Ho notato una cosa sono giorni che manco da Twitter, E non mi ha cercato un cavolo di nessuno se non sono io a cercar 😡😡molto umani😤😤😤",2.6,Italian
+5983,@user Che fantastico cagnolino che hai !!!e troppo duciiiiii🥰,2.4,Italian
+5984,"Quando la presentatrice dei programmi televisivi ""Il film è consigliato ad un pubblico adulto"". http",1.6,Italian
+5985,Intenssso.,2.25,Italian
+5986,@user @pdnetwork @nzingaretti Anch'io l' ho notato.,1.6,Italian
+5987,"Se uscirà Fabio, spero che la capirete una volta e per tutte che il televoto è pilotato... #gfvip",1.0,Italian
+5988,@user di,1.25,Italian
+5989,"Il futuro amministratore delegato di Banca Carisp - Repubblica di San Marino Franco Gallia, si è insediato nel cda. http",1.0,Italian
+5990,"@user Ma dai, quelli di 18 anni non esistono.",2.4,Italian
+5991,La giornata era partita davvero bene ma poi è andata un disastro sigh,1.4,Italian
+5992,"@user Una bella battuta di caccia, poi messa e grigliata",2.2,Italian
+5993,@user Speriamo di nooooooooo,2.0,Italian
+5994,@user Certo che paragonare la Libia ad Auschwitz.... quando le parole e le idee sono in libera uscita.....,1.8,Italian
+5995,@matteosalvinimi Chi sono gli ultimi dei Moicani. Rimandateli nelle riserve.,1.0,Italian
+5996,"@user La chiesa va avanti a offerte semi obbligatorie, non fa fatture #bonusmatrimonio",1.2,Italian
+5997,@user @user Siamo coperti nel ruolo,1.4,Italian
+5998,@user Classico gruppone formato da ragazzi e ragazze 04/05 che se la stratirano,2.2,Italian
+5999,@user @lauraboldrini No non basta! Serve che lavorino tutti.,1.2,Italian
+6000,State fortunatamente zitti o almeno sciacquatevi la bocca tremila volte prima di parlare di Woo,1.5,Italian
+6001,@matteosalvinimi @GDF Stai veramente abbattendo la soglia del ridicolo a colpi di tweet.,1.2,Italian
+6002,"Il giovanotto vuole ""argomentare"",cioè gli va di perdere tempo.#omnibusla7",1.4,Italian
+6003,Ma che bella l'autonomia... basta che non sia quella dei siori del nord http,1.4,Italian
+6004,@user Peppiniello!! Mi stavo preoccupando!! Come va il corso da navigator? Tutto a posto?,2.0,Italian
+6005,@user @user ho capito ...mo però non ne parlamo più che comincio a fa la bava alla bocca !! 🤦‍♂️🤦‍♂️😂😂😂😂😂,2.4,Italian
+6006,@domeniconaso Qualsiasi cosa tu volessi dire con “genando” per me è no.,2.4,Italian
+6007,@user Virtualmente abbraccio con affetto anch'io tua figlia...🤗😘...poche così purtroppo!!!!,3.0,Italian
+6008,@user Mi piace fare con te .....,4.0,Italian
+6009,"si sono esibiti con 6 canzoni, 3 unite e 1 VCR prima di avere il primo momento di pausa per parlare. Mistico.",2.4,Italian
+6010,"@user Non sei quello vero, dimmi che non sei quello vero...",1.8,Italian
+6011,@user La sto prendendo troppo sul serio ✌️,2.0,Italian
+6012,che bello leggere i tweet di chi sta vedendo per la prima volta harry potter 💞,2.2,Italian
+6013,"@user e niente, sta foto la guarderei per ore... Mbecilli veri sti uomini, avete ragione cazzo",3.4,Italian
+6014,@user Buon pomeriggio Ragazza☕☕ Il gioco delle ombre,2.25,Italian
+6015,@user Ma ti svuota anche!,3.25,Italian
+6016,"Migrante picchiato e morto nel Cpr di Gradisca: ""Rischio di un nuovo caso Cucchi"" http",1.0,Italian
+6017,Questo orsetto socievole rischia di essere abbattuto: ecco perché http http,1.4,Italian
+6018,"Sarà come Hamilton- Rosberg di qualche anno fa?! Che bello vedere le due rosse li davanti, però non facciamo cazzate. #BahrainGP",1.8,Italian
+6019,"Roma, PRC pranzo sociale di sottoscrizione per la nostra campagna elettorale! Vota #Lasinistra",1.0,Italian
+6020,comunque i fiori li vorrei pure io,2.0,Italian
+6021,@user Io sono frarauhl 💫,2.25,Italian
+6022,Il cazzo è importante ma la figa di più.,3.0,Italian
+6023,@user che bello....🤣,1.4,Italian
+6024,@NetflixIT #LostInSpace2 quando #LostInSpace3?,1.0,Italian
+6025,🔴Sen. Alberto Bagnai: «L'oro non deve essere restituito allo Stato. L'oro È dello Stato!» http,1.0,Italian
+6026,@ricpuglisi Sono degli ignoranti incompetenti. Gente raccolta per strada per mezzo di un blog. Che si può pretendere?,1.8,Italian
+6027,@user Non so se mi piace di più il dipinto o le parole di Saramago! Mi astengo e me li godo tutti e due!😇🥰,2.6,Italian
+6028,Dammi le mani Non piangere Per ogni partenza C'è sempre Chi ride Piange Chi viene E non se ne va più,2.5,Italian
+6029,Mi manca avere una relazione monogama ma allo stesso tempo non sono più in grado di avere una relazione monogama,4.2,Italian
+6030,"Scusate se non rispondo, sono occupata a vedere questo video per il resto della mia vita. 😂 #skamitalia http",2.6,Italian
+6031,@user @user @DiMarzio Adduci tutte chiacchiere riportate da altri a tutela di una loro posizione,1.8,Italian
+6032,e niente raga che ve lo dico a fare 💖 http,1.0,Italian
+6033,@user Ha ha,2.0,Italian
+6034,"@user Si devono per forza focalizzare sulla feiknius, per migliaia di motivi. Poveretti su.",2.25,Italian
+6035,Attenzione : umano http,1.25,Italian
+6036,@user Anch'io 😊❤️,2.4,Italian
+6037,@user salta questa settimana,1.4,Italian
+6038,Perché aprire un ufficio di poste private http,1.2,Italian
+6039,CELLULITE?? Help!! Somase è la risposta http,1.2,Italian
+6040,"La felicità è la l'amore che dai, non quel che ricevi!",1.4,Italian
+6041,Comunque vedo pochissima gente che apprezza Federica mentre io la amo e vorrei anche una stagione su di lei #WeNeedSana,3.6,Italian
+6042,@user Io ho già iniziato 💕,3.2,Italian
+6043,@user Lo so ti capisco.,3.0,Italian
+6044,#capodanno2020 Io terremotato e disabile stasera rischio di passare il Capodanno in auto http,1.8,Italian
+6045,Ennesimo gol preso a causa di #Bonucci quest’anno #JuveMilan,1.0,Italian
+6046,@user da stamattina non se so' azzittati 'n attimo qua. 'naggiacri',1.4,Italian
+6047,@user @user Dici a me?,2.2,Italian
+6048,@user Penso che se dice la stessa cosa di dove stai tu😊🙋,1.75,Italian
+6049,Inizia un nuovo giorno e dedico un pensiero ai 40mila coglioni che si sono abbonati. Siete materiale zoologico.,2.0,Italian
+6050,"@user Si e' uscita carina,grazieee😌🤗",2.4,Italian
+6051,Come spero di trovare un equilibrio emotivo se non trovo le ciabatte a casa mia,3.0,Italian
+6052,@SimoneGambino Mi sa che è già del Barcellona,1.5,Italian
+6053,Quando sei così in fissa con una canzone che l’ascolti anche quando sei nel cesso,3.2,Italian
+6054,"#ChampionsLeague comunque Adani ormai ha il sistema nervoso compromesso, con tutta sta enfasi",1.0,Italian
+6055,@matteosalvinimi Niente ministro: ce la mette proprio tutta per ricordarci che la laurea in giurisprudenza non l'ha mai presa.,3.0,Italian
+6056,@user L'opzione Benedetto... la possiamo già fare...,1.6,Italian
+6057,@matteosalvinimi Se proprio un pupone! Ti coglionano così facile! http,1.6,Italian
+6058,Sono così tanto fiera di louis che ogni volta che parlo di lui mi si illuminano gli occhi e mi scoppia il cuore,3.6,Italian
+6059,"@NaliOfficial Che ti farei tesoro,con tutta sta grazia di Dio,che gambe,mi fai arrapare della Madonna come uomo,troppo bona e sexy",4.2,Italian
+6060,"@matteosalvinimi Sono disumano e son felice, e i migranti in Italia non ce li voglio. Vi va bene così?",1.8,Italian
+6061,@user Sorca dappertutto,3.0,Italian
+6062,@agorarai LA comunista tappotegli la bocca,1.5,Italian
+6063,"Deraglia Frecciarossa a Lodi, le immagini dei Vigili del Fuoco http",1.0,Italian
+6064,La seconda vittima del coronavirus in Italia è proprio una donna di Casalpusterlengo di 76 anni http,1.2,Italian
+6065,@user Nn hai che da chiedere amore mio,4.0,Italian
+6066,@user @user Beh mi pare ovvia,1.4,Italian
+6067,#LaCapacitàDi restare calmi e indifferenti mentre tutti intorno fanno rumore. Semicit,1.4,Italian
+6068,@user Oh! Chissà dove vorranno andare invece?,2.0,Italian
+6069,"Stupida come poche. O dovrei dire come tante, visto i tempi che corrono",2.0,Italian
+6070,"@user Immagino ,più che altro perdo tempo",2.5,Italian
+6071,@AlessiaMorani L'ignoranza lascia sempre senza parole....😓,1.6,Italian
+6072,fatto 10 squat e ho bisogno di un defibrillatore,3.75,Italian
+6073,@user Ho appena detto che Milano è stata capitale dell’Impero e non è una balla (Teodolinda è la mia vicina di casa!),2.6,Italian
+6074,@user @user Un follower al secondo,1.0,Italian
+6075,"@Pontifex_it Pensa ai Cristiani che hai fatto uccidere nel mondo senza fiatare, altro che presepe, V E R G O G N A T I ...",2.6,Italian
+6076,@user non faccio fatica ad immaginare,1.0,Italian
+6077,"PierSilvio che cambia la programmazione di Mediaset e mette tutti film adoroooo,ma tutta la saga di Harry Potter quando la mettiamo?",1.0,Italian
+6078,@user Per me avete falsato la lotta scudetto non ve potete presentà così al via,1.4,Italian
+6079,che belli i video asmr,2.6,Italian
+6080,@user vc eh sensata sempre,2.0,Italian
+6081,France tu hai fatto di peggio #GF16,1.75,Italian
+6082,@user Non come noi che siamo fascisti perché... siamo fascisti,2.2,Italian
+6083,La foto delle Marche viste dall'alto | Marche travelling http,1.0,Italian
+6084,@user Si e auguri.,2.2,Italian
+6085,"@user Mi sembrava una soluzione molto ""elastica"" :)",2.2,Italian
+6086,@user Ma chi è? Hahaha,2.0,Italian
+6087,@user mi pare chiaro è sempre una libera scelta scegli: o burqa o pietrate ma è tua scelta,1.5,Italian
+6088,Ho aggiunto un video a una playlist di @user http Macchina elettronica vs macchina meccanica,1.8,Italian
+6089,@user L’avvocato deve avere i peli sul cuore.,1.4,Italian
+6090,"@user Mi aggiungo alla richiesta, la ""rotoballa"" è il mio sogno proibito!",2.0,Italian
+6091,"Sembra che alcune abbiano le sopracciglia disegnate da dei bambini di 3 anni, per cortesia",1.4,Italian
+6092,@user @user @user @TgLa7 😊 Mi sa che i campioni di arrampicata sugli specchi siete voi.,2.0,Italian
+6093,Ultim'ora: la Lega fa cagare dal 1989. #Report,2.0,Italian
+6094,@user prova,1.5,Italian
+6095,"@user E siamo fuori anche dalla Coppa Italia.""cn Ronaldo""",1.0,Italian
+6096,@user @user @user La deterrenza militare contro l' URSS e continuata fino agli anni novanta.,1.0,Italian
+6097,@user mas a serie continua boa?,1.0,Italian
+6098,@user Nel 🌺,2.0,Italian
+6099,@user @user @MashiRafael ALINEADOS,1.3333333333333333,Italian
+6100,Sono ta vindo agora,1.0,Italian
+6101,"@user L'indifferenza e l'odio, senza voler giustificare la prima, non sono esattamente la stessa cosa.",1.4,Italian
+6102,ho speso quasi 40 euro per un fondotinta di mac che mi sta di merda fml http,2.8,Italian
+6103,voglio spararmi b0ndage nelle orecchie con il volume talmente alto da morire,3.8,Italian
+6104,È legale registrare le chiamate? http,2.0,Italian
+6105,@user @user @lauraboldrini Anche di quelle delle altre generazioni!,1.6,Italian
+6106,@user Anzi che escono e non rimangono a casa perché gli altri le guardano,2.6,Italian
+6107,@user @AlbertoBagnai @user Dubito che Ratzinger e Wojtyla lo avrebbero fatto. Ma i tempi son questi,1.2,Italian
+6108,Metti un malinconico su un treno e farà sempre due viaggi; uno è quello da cui non è mai riuscito a tornare indietro.,2.6,Italian
+6109,Se devo spendere 40€ per un tubetto di crema per il viso quanto meno scelgo aziende valide e vado in farmacia HELLOBODY NON MI AVRÀ MAIIIII,2.0,Italian
+6110,"Buona Pasquetta, che Dio ci assista. E in questo caso Dio è il meteo.",2.0,Italian
+6111,Giornata persa dietro ad un professore assente ✔️,1.25,Italian
+6112,"#Molfetta Papa Francesco sui passi di don Tonino, il libro presentato anche a Giovinazzo e Terlizzi http",1.0,Italian
+6113,"comunque, le foto che mettono su weibo sono sempre le migliori http",1.6,Italian
+6114,@user ho trovato l’app amore la vuoi,3.0,Italian
+6115,@user Ho un flash di me che non aspetto altro che finisci Breaking Dawn perché dovevo leggerlo io (600 pagine finite in due giorni),2.0,Italian
+6116,"@AlvaroMorte Il professore è fantastico 😉 meglio senza però, meglio @AlvaroMorte",1.8,Italian
+6117,@PFonsecaCoach @OfficialASRoma @ASRomaEN Il campionato italiano è cattivo e furbo. Devi insegnare ai giocatori ad essere cattivi e furbi.,1.6,Italian
+6118,@user @user Prima o poi qualchedun t dec mazzet.( traduzione: prima o poi qualcuno te le puo suonare.)😂😂🤗,2.4,Italian
+6119,Lo senti eterno,2.0,Italian
+6120,@user Che tweet sottovalutato! 😄,1.0,Italian
+6121,Adesso in onda Loredana Bertè - Cosa ti aspetti da me,1.0,Italian
+6122,"Se Dio non c'è, chi ci perdonerà?",1.25,Italian
+6123,@user Mossa fiato!!,1.75,Italian
+6124,[Fonte: juventusnews24_com] Agnelli studia il colpo Mbappé: può essere l’erede di CR7 alla Juve http,1.0,Italian
+6125,grabi che dept 🤦‍♂️👎,1.0,Italian
+6126,okay sono le 2 e 50 di notte ed ancora non sto dormendo... http,3.8,Italian
+6127,"...'Datemi un Martello' - Lo voglio dare in testa a chi non mi va, sì, sì, sì.....Yep, 'Give me a Hammer'... http",2.0,Italian
+6128,"Palermo, ecco la ricerca anti-Salvini che ha messo nei guai la docente http via @repubblica",1.0,Italian
+6129,"@user @user Aspetto qualche ora, magari mi smentisce",1.2,Italian
+6130,"@emmabonino @user La frittata è ricetta franco statunitense, quindi un problema franco statunitense",1.2,Italian
+6131,Per smaltire tutto sto sushi come minimo devo allenarmi per 3 ore,3.0,Italian
+6132,mi conosci sono el diablo http,1.6,Italian
+6133,"Ero io il principe azzurro, daltonica del cazzo.",3.6,Italian
+6134,@user anche,1.0,Italian
+6135,Secondo me ci sarà un #ConteTer con Lega e M5S in questa legislatura,1.25,Italian
+6136,@LegaSalvini Una persona onesta non spende più di quello che guadagna!,1.4,Italian
+6137,"#Sarabanda torna in tv, lo #show musicale di Enrico #Papi andrà in onda su #TV8 http via @fanpage",1.0,Italian
+6138,@user @Inter @OfficialRadja Grazie Rino😉,1.6,Italian
+6139,@user Sè sè è un abuso di potere -:),3.2,Italian
+6140,#LOraDelBlu Uno spicchio per uno non si nega a nessuno http,1.2,Italian
+6141,Pranzo in alta quota #treno EC87 uno spettacolo di paesaggio... Danke @DB_Bahn http,1.5,Italian
+6142,"@user Sono senza vergogna e senza valori, da sempre",1.6,Italian
+6143,"@user @user #facciamorete Grazie, assediata dai sostenitori della Mussolini iniziavo a sola",1.3333333333333333,Italian
+6144,"Air Italy ancora a terra, su Olbia niente voli fino al 16 maggio http",1.0,Italian
+6145,@TgLa7 Spostiamo contributi alle organizzazioni internazionali su lavoro.,1.0,Italian
+6146,Sem sono nenhum,2.0,Italian
+6147,Il sospetto di Paolo Becchi: un nuovo golpe contro l'Italia? In campo due pesantissimi protagonisti http,1.0,Italian
+6148,@divinity_es @user Non esistono al mondo artisti come lui ❤️#CanYaman 👏👊,2.6,Italian
+6149,"@user Ti dirò fino al 95/96 lo facevo anch'io con mia sorella, il giorno dopo cercavamo i brani alla radio per registrarli 😁",2.2,Italian
+6150,"@user Non diamo spazio a questi deficienti, altrimenti si moltiplicano",1.75,Italian
+6151,FESTIVALFLORIO VIII edizione 14-21 giugno 2020 Direzione artistica: Giuseppe Scorzelli http,1.0,Italian
+6152,"Ho visto foto di voi da bimbi modificate coi filtri, datevi una calmata per dio 🤗",2.4,Italian
+6153,"Rancore, rancore allo stato puro per non essere stato eletto. Sgamato alla grande dagli elettori !! http",1.75,Italian
+6154,C’è da dire che theo è proprio bono,3.6,Italian
+6155,@user @user vamo,1.0,Italian
+6156,"@user @Giorgiolaporta @user @Rinaldi_euro Quindi casa tua, non sei libero di affittarla a chi ti pare?",1.6,Italian
+6157,"Ci hanno rubato un altra partita in liga, strano",1.2,Italian
+6158,@user @user @user @user @user Di che parla?,2.5,Italian
+6159,"#giovani e #lavoro, ecco le aziende che attirano di più : Le FS !!! http",1.4,Italian
+6160,@BTS_twt Ti faccio il culo a strisce imma fight,3.4,Italian
+6161,@user Hanno deciso... Solo che aspettano chiusure borse.. Sentire Governatori e decidere come recuperare,1.0,Italian
+6162,Durante il #colpadellefavoletour il palco sarà a forma di fragola? 🍓🍓😏,1.75,Italian
+6163,@user @user @user Non ho capito ma accetto e vado avanti,2.0,Italian
+6164,"Valanghe, cessato stato di attenzione su Dolomiti e Prealpi venete http http",1.0,Italian
+6165,"@user Sicuro , quando le ha fatto comodo erano amiconi e si vantava che era stata l’unica ad averlo intervistato a neverland",1.6,Italian
+6166,@user Con la Guardia Costiera. Dovrebbe sbarcare tra oggi e domani.,1.8,Italian
+6167,@user vi sono vicina then,2.4,Italian
+6168,@user Che fai?,2.6,Italian
+6169,@user Forse con Higuain vincevi lo scudetto...,1.2,Italian
+6170,@user Vi ha fatto lo.scherzetto la Roma,1.4,Italian
+6171,Praticamente sto recuperando tutta la metà 5 Stagione di Vikings perché a Dicembre inizia la 6.,1.5,Italian
+6172,Il 17 anche sta sera non fa un cazzo ma rimane in campo 😒😒 #AjaxJuve,1.2,Italian
+6173,Ci sono dei periodi quando tutti danno il peggio di loro stessi. Questo è uno di quelli. #coronavirus,2.0,Italian
+6174,@user quando?,1.6,Italian
+6175,@user Hai ragione😭 Resteremo disidratate con un’emotività che va oltre l’esagerazione.,1.8,Italian
+6176,"@user È una foto molto ""forte"" Vorrei conoscere il contesto Mi fa sentire a disagio",2.8,Italian
+6177,@user Te lo darei anche piu di una volta,3.75,Italian
+6178,Mi è piaciuto un video di @user http FUORICLASSE 2!!! I PREMI FUT CHAMPIONS di un PRO PLAYER di FIFA 19! I,1.5,Italian
+6179,è proprio il mio tipo di ragazzo madonna @ zara larsson è ora di levare le tende AMMO,3.0,Italian
+6180,@user Un abbraccio forte a tutti loro! Gli vogliamo bene..!! 👏👏👏👏👏😩❤️🖤❤️🖤❤️🖤,3.5,Italian
+6181,"Ces 2020, l'innovazione ha cambiato volto http di @repubblica",1.0,Italian
+6182,..quando c'è voglia di intendersi le barriere cadono http,2.6,Italian
+6183,almeno che venga giù tanta pioggia,1.0,Italian
+6184,Sono,1.6666666666666667,Italian
+6185,@GiorgiaMeloni Giorgia bloccate questo scempio il Governo dorme. http,1.8,Italian
+6186,@user Fai attenzione...a Terminator,1.25,Italian
+6187,"ps anche se non mi dicessi chi sei sappi che più rileggo più sono certa di aver indovinato, 🐙",2.6,Italian
+6188,@user @user @user @user facciamo prima altrimenti ti dimentichi,1.75,Italian
+6189,E stasera con 7enne si prova questa per lo spettacolo della scuola 🤭🤭 http,3.0,Italian
+6190,Nessuno che regala la medaglia a questo meraviglioso bambino #liverpoolvschelsea,1.4,Italian
+6191,"@user Che vuoi fa’, ce li dobbiamo tenere.",1.4,Italian
+6192,Omaggio da parte di una cagna in calore. #findom http,2.6,Italian
+6193,@bts_bighit Sto cazzo che lo apro hahahhaha adioooos,2.0,Italian
+6194,@user @user Credo che per lei la seconda vada bene,1.4,Italian
+6195,Sono le emozioni a dare quel sapore buono alla vita... Buon inizio settimana a tutti di ❤ http,3.25,Italian
+6196,@user Così poco?,2.0,Italian
+6197,grazie prof d'amore per avermi insegnato queste cose,3.6,Italian
+6198,"che bello iniziare il 2019 con un mental breakdown, anno di merda",2.25,Italian
+6199,Ma quant è idiota la bella AHAHAHAHAH #CiaoDarwin,1.75,Italian
+6200,@user @user sei troppo gentile aiuto💖💖,2.0,Italian
+6201,600 sono più che sufficienti http,1.0,Italian
+6202,Questa cosa di non poter più guardare film in streaming mi sta facendo perdere la pazienza più del previsto,1.25,Italian
+6203,"@user Siiiiiiiiiiiiiiii, ora ho voglia di gelato anch'io ahah Buonasera maestro #cabruzzi e un abbraccio alla #cabruzza",1.0,Italian
+6204,Nintendo Switch Online: Un trailer presenta i titoli NES di luglio http,1.0,Italian
+6205,Credere nel buonsenso delle persone non può essere il rimedio.,1.6,Italian
+6206,@user Toninelli ha detto che va bene così. Vedi che è meglio se stanno zitti? Almeno ti rimane qualche dubbio.,1.6,Italian
+6207,@user forse dovresti stare zittozitto subito non c'è alcun bisogno di prenotarti #estinguiti presto grazie!,2.2,Italian
+6208,poi boh io per prima odio la polemica ma ste cose mi fanno proprio girare le palle,2.4,Italian
+6209,@user @user @lopezobrador_ @user @user @user @user Allá vive,1.0,Italian
+6210,di tuloy wews,1.0,Italian
+6211,@user Logico??,3.0,Italian
+6212,Mancanza di freni inibitori alimenta il voyeurismo dello spettatore. @user #tvtalk,1.8,Italian
+6213,(Due sub morti e chili di droga: è giallo) - http http,1.0,Italian
+6214,Siamo troppo #faciloni. Lo siamo sempre stati. Sta' a vede' che 'sto giro famo er botto! #CoronaVirus #CoronaVairus (come dice #DiMaio),1.5,Italian
+6215,"@user Só, prima",1.4,Italian
+6216,"Ho appena scoperto di avere il setto nasale leggermente deviato. Non so, qualche altra gioia?",3.75,Italian
+6217,"@user Temo anche io, a meno che non abbia qualche asso nella manica, non ci si espone così senza un piano B",1.8,Italian
+6218,"@user @matteosalvinimi Si fidi, la mia versione è moooolto più vicina alla realtà",2.6,Italian
+6219,@user Sconclusionato anche per il meno serio dei debunker.,1.4,Italian
+6220,"Che viscidi inutili luridi figli di puttana, dovete morire vi odio",1.75,Italian
+6221,oddio ma devo vedere l'ultimo che è uscito,2.2,Italian
+6222,Settima volta che piango in due giorni. Daje raga che qua si batte un record.,3.2,Italian
+6223,@infinitum Nel,1.0,Italian
+6224,Più nobile è il cuore più umile è la persona.,2.0,Italian
+6225,"E se lo dice super Simo che non hanno fatto bene, io le credo #tvoi http",2.0,Italian
+6226,@user @user Avendo i 5 stelle al governa come vuoi che finisca? #TorreMaura #stopinvasione,1.0,Italian
+6227,@user Fra poco gli esplode in faccia,2.0,Italian
+6228,@user oh lui,1.0,Italian
+6229,"@SizweDhlomo Hhe, senzani! 🔥🔥🔥🔥🔥🔥🔥🔥🔥",2.0,Italian
+6230,@user Chequi,1.0,Italian
+6231,"Avellino, armato di coltello semina il panico in centro: bloccato http",1.0,Italian
+6232,@user @satishacharya @sifydotcom Ho 😂,1.3333333333333333,Italian
+6233,"Un bracciale può salvare la vita, adesso è possibile @user | @user http",1.0,Italian
+6234,Io mi voglio uccidere passo e chiudo http,3.6,Italian
+6235,@user No alla camera mortuaria di Bra Cuneo morto un familiare,3.0,Italian
+6236,"A me va bene anche distanti, tanto ti porto con me. #ColpaDelleFavole #Ultimo",2.2,Italian
+6237,@user rato,1.5,Italian
+6238,E' on line il sito http dell'Associazione #OberdanGhinassi ! http,1.0,Italian
+6239,Capello:”Ronaldo ormai non salta più l’uomo” ecco adesso dicci qualcosa su Matuidi e Pianjc 🙏🏻,1.0,Italian
+6240,#Eventi Conto alla rovescia per la 3^ edizione di Benevento in Fiore 2019 http http,1.0,Italian
+6241,@user @user È una visione limitata della faccenda (e nessuno mi convincerà mai che Amanda e Raffaele siano innocenti),1.4,Italian
+6242,In giro per palazzi #piacentini con @user e @user #StayTuned,3.6,Italian
+6243,@user Per come lo sta interpretando calha l'esterno si,1.3333333333333333,Italian
+6244,"@user ci si culla un po', la domenica mattina, con l'isola deserta e i suoi equipaggiati naufraghi, su radio3",1.2,Italian
+6245,@user Non male in effetti!! Faccio foto..... amo questi luoghi!! http,2.0,Italian
+6246,@user le sue abbuffate da burino arricchito chi se le scorda,1.4,Italian
+6247,"""Ma Elodie sta con quello di Marracash""..... Cit madre",2.0,Italian
+6248,"@user Noi invece ci facciamo i segoni su Leao, Rebic, Krunic e Bennacer... meglio guardare a Roma e Lazio, che partono avanti.",2.4,Italian
+6249,Non si scherza su certe cose!,1.6,Italian
+6250,"@user nel dubbio...cuffiette, musica a palla e pianti isterici😩",1.6,Italian
+6251,@user Alla prossima diretta con @civati ci leggi il monologo iniziale? Potente come poche altre cose scritte da mano umana.,1.0,Italian
+6252,Lancio degli spartiti automatico se penso ad Achille diciottesimo e Rancore ventesimo,1.25,Italian
+6253,@user Uy bueno che,1.3333333333333333,Italian
+6254,@user @user Mau di nikahin,1.0,Italian
+6255,@user Sono anni che spero in un Iron Man e invece http,1.8,Italian
+6256,@user ✔,1.0,Italian
+6257,@user 😂😂😂😂 Le 12 sono passate ed ancora niente post... Attendiamo fino a mezzanotte 🙈🙈🙈,2.0,Italian
+6258,Una buona fetta di torta virtuale per iniziare la.giornata! http,2.4,Italian
+6259,@user 👍👌🏻,1.0,Italian
+6260,.Fucina delle idee - Ricerca e Sperimentazione Didattica - http,1.2,Italian
+6261,@user Assassination vs Eliminazione,1.0,Italian
+6262,ma perché vi credete superiori agli altri?,2.75,Italian
+6263,Messi.,1.0,Italian
+6264,@TeresaBellanova Esattamente come hanno scelto Lei... http,1.6,Italian
+6265,暇をし過ぎてのうみそがパーティー状態🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳💃🕺🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🕺💃🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳🥳💃🕺🥳,1.0,Italian
+6266,@user @user Sei invecchiato.... un tempo avresti stocazzato senza pensarci un secondo!,3.0,Italian
+6267,@user q-qui?,1.5,Italian
+6268,Provate a indovinare dove sono 👀🥘 http,1.8,Italian
+6269,"@user Io sì, è la mia famiglia che lo guarda... menomale che esiste la camera da letto con la porta",3.4,Italian
+6270,Consiglio Comunale di Acquapendente approva il bilancio di previsione http,1.0,Italian
+6271,@user Dovresti rimediare!,2.0,Italian
+6272,Carmen Consoli - L'ultimo bacio,1.6,Italian
+6273,@user Salvini sta alla frutta. #speriamo sia pericoloso solo per se stesso.,1.4,Italian
+6274,@user Risposta esatta.,1.8,Italian
+6275,Chi festeggia questa settimana il primo posto nella nostra Official Chart? #EmmaMarrone #DuaLipa #EdSheeran #Lizzo http,1.0,Italian
+6276,"#HellasVerona, il #SintTruiden ha chiesto informazioni su #SeungWooLee http",1.0,Italian
+6277,Non è stato possibile votare emendamenti e il testo è stato approvato con #article11 e #article13 (cosiddette #linktax e #uploadfilter).,1.0,Italian
+6278,@g1rio e dai?,1.8,Italian
+6279,.@rob_veneto coglione cristiano,4.0,Italian
+6280,@user @user aiuto quanto siete mieiiiiiii,3.333333333333333,Italian
+6281,"La cordata di Milano Sud (saccheggiamo cantine) su Fosso Degli Angeli ha raggiunto il 49,1% di sconto e 528 unità http",1.0,Italian
+6282,@user Mi pare che nessuno ricordi i morti palestinesi nella giornata della memoria?,2.0,Italian
+6283,@user Buongiorno a te Giuseppe e buona giornata!,3.8,Italian
+6284,@user Belluno è provincia di Caserta giusto? Chiediamo alla Merlino o a Mentana ?,1.0,Italian
+6285,@user Perché ci mancavano dei giocatori importanti.,1.0,Italian
+6286,Se uno di loro avesse preso un pugno in faccia non so se avrei pianto dal ridere o per il dispiacere o entrambi... http,2.2,Italian
+6287,@PaoloGentiloni Ci parli del aumento del iva,1.0,Italian
+6288,Apprendi le regole del Poker Gratis con la PokerStars School #PokerStars. Scopri di più - http via @user,1.0,Italian
+6289,@user Questo dimostra che non conosci ne il significato di Fanfiction ne di Malati!,2.2,Italian
+6290,Non avrebbero rimborsato nel caso contrario vi pare?,1.2,Italian
+6291,@user Sono i pensieri espressi a #retesport,1.4,Italian
+6292,"Tardelli: ""Marotta ha ragione, porte chiuse erano la soluzione. Il campionato è falsato"" - http http",1.2,Italian
+6293,@user Adoro!,2.8,Italian
+6294,@user e che è successo,1.8,Italian
+6295,"@user Anche a me, troppo direi",1.4,Italian
+6296,"Con questo pensiero vi auguro un buon giorno e un sereno anno a tutti Auguri a voi e a vostre fam,👋👍🙏💖 http",2.0,Italian
+6297,@user 👌🏻,1.75,Italian
+6298,Uno spettacolo della natura e il tramonto dietro http,1.0,Italian
+6299,"Cinture di sicurezza posteriori: obblighi, sanzioni, esenzioni e auto d’epoca http",1.0,Italian
+6300,@user @user Mio stesso cognome?😃😂,1.5,Italian
+6301,"@user Finalmente! Le plusvalenze si fanno con gli scarti o cmq riserve, perfetto",1.0,Italian
+6302,"@user Me lo ricordo, rovinò “Pianeti” di Ultimo e altre canzoni Lo odio",2.6,Italian
+6303,Voglio essere indipendente con i soldi dei miei,3.4,Italian
+6304,"Quando agli italiani piace creare drammi inutili, quindi tu vuoi portare saggezza e verità in giro per il mondo. http",2.0,Italian
+6305,@user @user boia quant è brutta,2.0,Italian
+6306,"@user @user Cosa intende ""mani mozzate ai gilet gialli?""",1.2,Italian
+6307,@felipevinha épi,1.5,French
+6308,@user @user Surtout maintenant que ça a été médiatisé,1.6,French
+6309,"Ça y est, je sais quelle langue parle ma voisine: ""le miam, c'est bon ça"" http",2.2,French
+6310,@user Je t’ai regarde demande décale de mes mentions merci bien,3.0,French
+6311,@user Oui totalement,1.2,French
+6312,@user On meurt seul quoiqu’il arrive en gros et puis si c’est juste pour combler un manque ça reflète une grosse fragilité mentale…,3.8,French
+6313,Sayez frère je suis pire que debile,3.75,French
+6314,"Trop fort Guendouzi à provoquer ces décérébrés, c'est eux qui perdent le match c'est tout bénéf pour nous .... #MHSCOM",1.8,French
+6315,Les meufs ne savent pas quelles doivent séduire leur chéri même après 10 ans de relation comme si c'était dans les premières semaines,3.0,French
+6316,@user J’me sens si mal pour elle,3.8,French
+6317,@user Ptdrrrrr frero j’ai garder mon silence jusque là mais là s’en est trop,2.6,French
+6318,Tellement énervé … #FRASWI,2.2,French
+6319,@JeanCASTEX @gouvernementFR @olivierveran @Sante_Gouv Et ensuite ?? Viendra le tour des enfants??? C'est ce que vous sous-entendez ??,1.2,French
+6320,Première activité de 2021: nettoyer la pisse/diarrhée/vomis/ce que tu veux d’un chien qui ne m’appartient PAS http,1.4,French
+6321,"@user @user @user @user Je parlais de Pat Lagacé, on le sait que le nouveau Sylvain est raisonnable #Imnext",1.8,French
+6322,@user Explique,1.8,French
+6323,@user @user Comme ta sœur,4.0,French
+6324,Allez maintenant le #SpanishGP #F1,1.0,French
+6325,@user Nigérien nigerian Nigeria nigénada c la même gros,1.8,French
+6326,@user t'aime trop Jeongin pour ça,1.8,French
+6327,@user Non t’inquiète pas إن شاء الله ça va bien ce passer,1.5,French
+6328,La règle 'Alarme Intrusion Aqara Fenêtre ' vient d'être déclenchée le 08/04/2021 a 10:03:01 Fenêtre Bureau [Pas de valeur pour id,3.0,French
+6329,@user j'arriiiiiiiiiiive,2.0,French
+6330,@user @user (Elfriede Jelinek) et deux prix Nobel de la Paix.,1.2,French
+6331,@user Ptdrrrrr tu va faire quoi là-bas ?,2.6,French
+6332,Tony yopi fait le mort donc on va maintenant s'en prendre à son agent,2.4,French
+6333,@user Toujours aussi bg petit frère ❤,3.2,French
+6334,Possibilité que le confinement se termine dans 15 jours . http,1.0,French
+6335,@user mdrr apprends à mieux parler de luffy aussi,2.2,French
+6336,Je vais être très clair @faureolivier votre déni du quinquennat de @fhollande m insupporte au plus au point ....,1.0,French
+6337,@user @user Je chiale de rire l'application du diable presque c moi qui l ai inventé,2.25,French
+6338,@user @user @user @user tribune ganay là où je t'ai pointé ya tarpin d'ambiance,2.8,French
+6339,@user @user @user Du calme du calme bonsoir d’abord,2.2,French
+6340,C'est (pas) la taille qui compte 💁🏿‍♂️ http,3.6,French
+6341,vie de moi je mens pas (dsl encore à la personne si tu vois ça) http,3.0,French
+6342,@user Façon on a déplumé nos pintades nos poules et nos poissons dolé on allait la voir 😂😂😂,2.5,French
+6343,"@Francois_Ruffin Dans Castex, il y a caste, c’est peut-être pas un hazard !? 🤔🤣🤣🤣",1.6,French
+6344,@user J’lui fais plus du tout confiance perso c impossible,3.8,French
+6345,@user Ca fait 20 ans qu'on se fait voler en boxe et on continue à tendre l autre joue c est un phénomène qui me dépasse,1.0,French
+6346,@user Et on a à peine dépassé le premier trimestre 😰,2.2,French
+6347,"@user @user laisse tombé Manu, ça n'en vaut pas la peine 😏",2.0,French
+6348,@user Rrooh après askip c les gars ils sont impatients,1.25,French
+6349,@le1518 Les enfants qui sont devant les nouvelles à l’heure du souper voient des événements réels tout aussi violents.,1.4,French
+6350,Jokic incroyable cette nuit,3.25,French
+6351,@user Bonjour mon amour,4.75,French
+6352,@user Tu me diras si c’est encore une arnaque,2.0,French
+6353,@user Et dis toi que ça c'est rien,2.0,French
+6354,@user Et du coup tes parents ils t'interdisent de regarder le match ?,2.4,French
+6355,@user T’es bizarre toi,3.0,French
+6356,@user en vrai c'est cool tu peux faire école d'ingé après,2.333333333333333,French
+6357,"les gars, est ce qu'on peut vraiment faire des séances ciné twitch avec amazon prime où on se fait bannir ?",1.2,French
+6358,"Dommage pour toutes les personnes qui m’ont perdu, vous n’avez pas su voir à quel point j’étais incroyable. En toute objectivité bien sur.",3.0,French
+6359,@user tu débarques quoi,1.6,French
+6360,Les procès contre les tests PCR sont imminents - Reiner Fuellmich http,1.0,French
+6361,"@user Ça va, l'écart de votes se réduit un peu😅",1.2,French
+6362,@user Je te souhaite bonne fête c’est déjà bien,2.6,French
+6363,@user Il a volé la vedette à Sanji voilà ce qu’il s’est passé,2.0,French
+6364,quand il est beau mais que 100 autres personnes on aussi vu sa beauté en story http,2.2,French
+6365,Le repas piscine demain soir y va faire du bien,3.2,French
+6366,Jours 247 : l’immortel à enfin compris qu’il faut jamais contrarier un balaineau http,1.0,French
+6367,@user et que tu en a assez avec un,1.0,French
+6368,@user @user @user T’es pas ✨susceptible✨?,1.25,French
+6369,Élimination du Portugal la semaine s’annonce bien là,1.2,French
+6370,@user mddr en vrai si je m’entend bien avec la personne jvais tout faire pour la voir,2.2,French
+6371,@user ou bleu c joli,1.8,French
+6372,@user Mais oui j’en ai marre même avec de l’eau des fois c’est chaud mais c’est pg :),2.75,French
+6373,@user Tout ça ? 😭,2.0,French
+6374,90 #LaMelodiaDellaLibertà,1.5,French
+6375,@KonbiniFr @user J'ai pas capté pq il mange de la pizza après le sandwich ^^ http,1.0,French
+6376,"Si l’équipe que vous supportez rejoins la #SuperLeague , vous :",1.4,French
+6377,Le ciel c'est sexy. Dieu est grand,1.8,French
+6378,@user Juste les battements de cœur qui accélèrent,2.8,French
+6379,@user Merci 🙏🏽,1.0,French
+6380,@PrisonPlanet J ai honte de ce qu est devenu mon pays… j ai espoir quand je vois le monde dans les manif,2.2,French
+6381,@user Décidément …,1.0,French
+6382,@user @user Plusieurs membres de ma belle famille ont péri dans les camps comment pouvez vous oser cette comparaison..??,3.8,French
+6383,@user @user Nique tes morts de mes mentions toi,2.4,French
+6384,@user Jles trouve trop banal genre des chaussures comme ça saye c’est fatiguant,1.4,French
+6385,@user Il doit même recevoir le salaire le plus bas du club derrière les agents d’entretiens,2.0,French
+6386,dans moins de 24h😣😣😣,1.2,French
+6387,@user Merci le bon côté du truc est qu’il s’agit de ta petite sœur en forme la😌,4.4,French
+6388,@user @user @user Pour moi c legit bg @user un mot à dire ?,2.75,French
+6389,Chute du cours de pétrole http,1.0,French
+6390,"Il y a des artistes, personne ne les écoutent mais ils continuent toujours, qu’est ce qui vous donne autant de courages 🤔🤔",1.6,French
+6391,@user Ptdrrr y’a un boug qui m’a dit exactement la même chose purée,3.4,French
+6392,g mit trop de liner ça m’a brûlé la paupière v tt casser ça fait supra mal,3.75,French
+6393,@user je dors pas 😜,3.6,French
+6394,@user Moi aussi Jsuis passionné par ma propre beauté💕,2.2,French
+6395,@user J'ai pas de compte Disney + à te donner mais par contre je peux t'offrir mon cœur,4.4,French
+6396,"@user @user @user @user Ptdr Cheh, souffre avec nous 🥴",2.2,French
+6397,"@SJallamion @user Le seul, le vrai, et surtout inimitable! 😉",1.2,French
+6398,@user Ptn t’as fait quoi,1.4,French
+6399,@user trop fière de toi mon cœur ❤️,3.6,French
+6400,@user @user @user @user Pouvez-Vous parler l'anglaise?,1.75,French
+6401,Je rejoins fièrement ce FC,2.2,French
+6402,c’est mon père qui m’as forcée à me faire vacciner 😀 pour vous donner une idée du personnage (gros connard),3.4,French
+6403,@user trop content pour lui,2.2,French
+6404,@user @user Bah c'est pas le problème parce que je l'ai fait mais il va avoir la notif du like bande d'imbéciles,2.0,French
+6405,@FeizaBM Tu vas être virée d'@aa_french Baignoire Rouge @RTErdogan http,2.0,French
+6406,J’ai croiser feuneu à dubai il m’a dit alors tu veux tjr menculer 😭😭 help,4.6,French
+6407,@user Dors quand même,1.6,French
+6408,@olivierveran donc le lrem vous vous torchez le cul avec la constitution ? avec les lois de ce pays ?,1.6,French
+6409,@user Nous?,1.75,French
+6410,@user Haha oui c'est sûr tt le contraire de moi. 😭,2.8,French
+6411,@user Oui je savais mais je pensais pas ''autant'',1.8,French
+6412,@user et bientot une nouvelle pour le #GrindFLC,2.4,French
+6413,@user nn ta pa le droit d'être racist ton père il te fai pa manger du mafe tous les jours de la semaine,3.25,French
+6414,"Il y a 251 ans, le 19 avril 1770, Marie-Antoinette devient l'épouse de Louis XVI et reine de France. http",1.0,French
+6415,@user La semaine termine par un good news! On aime! on plussoi !,2.25,French
+6416,@user en+ il le dit de façon bcp tro enjouée.. grosse merde,2.75,French
+6417,@user @user A deux doigt de dire Drake superieur a Micheal Jackson aussi,1.4,French
+6418,Un peu de couleur... http,1.5,French
+6419,@user Ta vu ça frère j’étais en train de vendre des trucs j’croyais qu’ils payaient pas ça mes acheteurs j’dois tout arrêter là 🥲,3.2,French
+6420,Turpin est aveugle il demande la VAR #FCMLOSC,1.2,French
+6421,@CNEWS Je pensais qu'il aurait antant d'abstention.,1.4,French
+6422,On sait tous ce qu’elle veut dire quand elle utilise le mot racaille 👀👀,2.4,French
+6423,@user faut que je gère 2-3 trucs avant,1.6,French
+6424,@user Hâtes de le voir mon bg,4.0,French
+6425,@user C'est un problème connu de longue date. La France ne parvient pas à garder ses maîtres d'armes qui brillent ensuite à l'étranger.,1.2,French
+6426,"@user @user Gars porter la Cam n'est pas facile, en plus la clientèle blague trop avec les #237photographer",3.2,French
+6427,@user il est vraiment génial,1.6,French
+6428,@user @user C'est qui ?,1.75,French
+6429,@user Frère parle français là,2.25,French
+6430,jusqu’à ce qu’un jour nos deux yeux s’éteignent,2.0,French
+6431,@user Les mêmes qui critiquaient le style de jeu de l’atletico mdrr,1.2,French
+6432,@user J'en profite pour rappeler que Mizore reste la GOAT absolue dans cet anime,1.8,French
+6433,@user grave et faut que ça tombe sur moi mdr,2.4,French
+6434,@user Celle de tout à l’heure ?,1.4,French
+6435,Dernier jour et c'est le WEEK-END,1.0,French
+6436,Mdrrr avec Lisa on va voir after du coup !!!!,3.0,French
+6437,@user @user a l’époque où tu étais bon au jeu bb,3.6,French
+6438,PTDR les gens dehors désolée mais 😬😭,2.0,French
+6439,"@user même pas t'es un malade, si t'as un gros cul t'as un gros cul après faut pas être gênant à le crier partout quoi",4.5,French
+6440,Envie de faire parler mon blec ds son sommeil ^^,2.25,French
+6441,Montpellier : deux sœurs âgées de 5 et 7 ans se piquent avec une seringue au parc de la guirlande http,1.0,French
+6442,@user copieuse,2.4,French
+6443,@user @user pas de territoire,1.6,French
+6444,@user Surcoté quand même car il y a beaucoup de copains dans les médias,1.6,French
+6445,@f_philippot Elle est où la police là 👇 http,1.0,French
+6446,Bouleine ma adiou je suis très crx,3.25,French
+6447,on est au marché là genre,3.0,French
+6448,@user Merci pour l’info 🙌,1.2,French
+6449,#DeuxSèvres. Les motards dans le sillage des gendarmes à la rentrée. http http,1.0,French
+6450,"@user Bonjour, mon amie... 😀",2.0,French
+6451,@user Tout le monde,1.0,French
+6452,@user Avec d'autres passe temps,2.0,French
+6453,@user J’avoue 😂,1.0,French
+6454,@user bah déjà le sondage a été fait sur JVC 😬,1.2,French
+6455,@user Merci beaucoup ❤☺,2.4,French
+6456,@user j’ai dansé pour vous,3.8,French
+6457,Aller hop c'est décidé cet été je me barre solo,2.8,French
+6458,@user @user @user @user @user t’étais bien quand t’avais fermé ta gorge,3.4,French
+6459,Cette série est quand même folle http,1.25,French
+6460,j’ai tellement envie d’aller en teuf dans la gadoue mon corps manque de son et de saleté là,4.2,French
+6461,"@dupontaignan En fait, des gens comme vous devraient un jour être traduits en justice...",1.8,French
+6462,@user autant pour moi tauras pas ce problème finalement fais comme tu le sens,2.0,French
+6463,@user et à aucun moment j'ai affirmé quelque chose hein,2.4,French
+6464,@user @user @user @user T’es trop imposant hamid j’ai peur de te contrarier des fois,3.4,French
+6465,@user @OM_Officiel Je suis un expert financier de renom et je pense qu’il faut temporiser un peu car rien n’est sûr !,2.0,French
+6466,jimin meilleur acteur #BANGBANGCON21,2.0,French
+6467,@user C'est normal qu'il ai 7 lf ?,1.0,French
+6468,@user Merci Heidi gros bisous et tous mes vœux de bonne Année,2.6,French
+6469,@user J’espère tu perces.,2.2,French
+6470,"@user Merci beaucoup ma puce 🥺. C’est toi qui est belle ! BHahahha si tu pouvais te livrer toi même jusque chez moi, j’aimerais bien 👉🏻👈🏻",4.75,French
+6471,@user personne n’a dit que le changement est positif,1.2,French
+6472,Le Montréalais qui fait sonner la France http via @user,1.0,French
+6473,@user Euuuh si tkt... en sah il est malaisant qd mm mais pk tu veux je regardes ca..,3.25,French
+6474,ça mfait chier mais on s’en branle,3.2,French
+6475,&lt;—— pense à vmin tout le temps,1.8,French
+6476,@user @user @user @user passe d les reufs,1.75,French
+6477,@user oui oui dis bien,1.0,French
+6478,Je suis bientot finito 😔😔,2.8,French
+6479,"@user Oui, c'est très frustrant Les 2 là, je ne pouvais plus me les encadrer ahaha http",2.0,French
+6480,@user @user @user @user il a réactivé ce fils de tinp,2.5,French
+6481,Je pense donc je tweete,1.2,French
+6482,Wesh @user reste à l’affût le sang ça prépare un gros son Vagos 🤝,3.0,French
+6483,@user (N’a même pas de quoi s’acheter une trottinette),2.6,French
+6484,@user oui dsl boss,1.6,French
+6485,@user @RomainLanery Ah ouai dans quoi ?,1.0,French
+6486,@user OK Van Damme ! Ceci dit JCVD maire de Paris aurait peut-être pas fait pire lol #SaccageParis dans ta g****,1.2,French
+6487,Touch pas à mon Smasheur : Negato et les propos discriminatoires http,1.6,French
+6488,j’ai tellement tellement soif j’en peux plus j’ai plus d’eau et j’arrive pas avant 20 min encore,3.4,French
+6489,@user est tellement con qu'il est devenu minecraftien avec byslide,1.8,French
+6490,@user Pourtant le proviseur dit qu'il n'y a pas de traitre dans les élèves,2.0,French
+6491,Ca fait du bien de sortir et marcher avec du stray kids dans les oreilles,1.6,French
+6492,@user J’veux croquer,3.0,French
+6493,Dieu est grand 🤲🏽🤲🏽🤲🏽🤲🏽,2.4,French
+6494,@user @user Donc vous confirmez😉 Les musulmans n'ont rien à faire en terre Chrétienne.⛪,1.4,French
+6495,@user Quand t'étais encore imberbe,3.6,French
+6496,(j'ai pris le vinyle alors que j'avais dit stop aaah),1.75,French
+6497,C’est toujours « tu montes quand » et jamais « je descend chez toi et on bz partout dans ton appartement » 😡,4.8,French
+6498,@user au moin il veront que se sera pas la cause des non vaccines si il y a contamination,1.8,French
+6499,@user mon frère ça fait longtemps jte voyait plus,4.2,French
+6500,Entre #Flers et #Domfront : le radar automatique du Châtellier une nouvelle fois repeint http,1.0,French
+6501,@user Oh mon dieu 😭 non doucelette c’est la sucrerie,2.2,French
+6502,@user C'est bizzare elle est toujours pas sur netflix,1.6,French
+6503,@user on aime pas les mêmes sensations 🤣,2.25,French
+6504,@user C’est trop pour moi,2.6,French
+6505,@user J’ai compris,2.8,French
+6506,Je comprends plus rien là,1.6,French
+6507,@user bien sur mais faudrais que je fasse un jour,3.0,French
+6508,@user moi jveux mais tu veux pas mraconter,3.0,French
+6509,@user Vous etes fous de travailler à Paris aha 🤣,1.5,French
+6510,@user princesse mononoké est bcp plus populaire en france de tte facon donc rip Akira,1.6,French
+6511,"Serbie, Ukraine, République Tchèque, Hongrie, jouent mieux que le portugal avec même pas 1/16 ème du talent de l'effectif",1.0,French
+6512,"Je me suis toujours demandé, les gens en couple ils se disent quoi ?",2.4,French
+6513,@user relire ça ds un mauvais mood c’est top hihi mercii encore,3.2,French
+6514,"#Covid19 : 2021 commence mal, très mauvais chiffres en Europe http",1.0,French
+6515,@user Joyeux anniversaire à ton fils.,4.0,French
+6516,@user Perso je sais même pas lequel est mon pref mdrrr j’mets que le premier qui me viens en tête,2.6,French
+6517,1000€ vous passez la nuit dans un cimetière ? répondez jveux savoir,1.8,French
+6518,@user moi je le savais parce que c ma ville,2.2,French
+6519,@user Je vais lui demander une handcam tu verras,2.8,French
+6520,"@user @user Salut, je serais super intéressé aussi histoire de pas mourir bête..",2.2,French
+6521,"j'ai compté 7 je crois, qui rentrent dans cette baraque 🤣 http",1.6,French
+6522,@user Il ont fait venir l’autre vieux qui rit crissement mal pour animer le rassemblement après le service http,2.75,French
+6523,"@user @user @user @user Max le catalyseur est revenu de son exil , j'ai hate d'un new clash entre vous",1.6666666666666667,French
+6524,@user @user bonne chance,2.2,French
+6525,@user c'est les english qui disent watermelon mais en français c'est pastèque mv,1.2,French
+6526,@user Si fait*,1.3333333333333333,French
+6527,@user En gros c’est ça.,1.0,French
+6528,vous arrêtez pas de dire que la communication c’est la clé ? mais enfaite c la compréhension !!!!! eh oui !!!,1.0,French
+6529,@user Pourquoi tu penses à @user et @user ?,2.6,French
+6530,@user Elections régionales en Bretagne : quand le masque tombe http,1.0,French
+6531,"Messi-Pedri, Pedri-Messi ça y est vous connaissez la chanson",1.0,French
+6532,J’ouvre mes messages Jvois c’est des insultes,2.0,French
+6533,Des gros sacs Snippes pour y foutre des baguettes dedans 😭 mais pq wsh crari Lidl ils avait plus de poches,1.8,French
+6534,@user @Blackyftn en magasin non plus y’a rien du tout,1.2,French
+6535,@user J’ai rt,1.6,French
+6536,@user Bon appétit. Ça a l'air bien bon tout ça et tout cas.,3.0,French
+6537,J’aime tellement mes copines putain,2.8,French
+6538,@user Ptdddr c’est super sérieux en plus ça serait vriament un accomplissement pour moi j’ai trop de haine envers eux,2.6,French
+6539,@user Bonjour et belle journée à vous,1.8,French
+6540,@user Une chèvre maléfique,1.25,French
+6541,@user C’était déjà la fin mais mdrr j’allais déballer mon sac là,3.2,French
+6542,perso quand je vais mal l’entourage peut aider un temps mais sans Dieu y’a rien qui change,3.6,French
+6543,@user Et y’a plus de mecs frais encore,3.2,French
+6544,@user @ROCCATFrance bonjour je participe a ce superbe jeu concours merci a vous je mentionne @user,1.0,French
+6545,Tu te trouves quelque part Entre mes espoirs et mes regrets. http,3.2,French
+6546,@user C'est la meilleure vidéo,1.4,French
+6547,@user Précarité,1.0,French
+6548,Je pense qu’on peut le dire : Lille champion !! Bravo à eux ! Mention spéciale pour Galtier,1.0,French
+6549,@user Oe c'est ce que je vais faire bv,1.4,French
+6550,Ma meuf elle aimait pas les disquettes de @user je ne souhaite à personne de rencontrer mon ex,4.2,French
+6551,@user @user montre j’y crois pas,1.8,French
+6552,@user @user HAHAHA ca par de la alors v mourir bandes de chiens,2.2,French
+6553,"#SpinningOut : #KayaScodelario relance sa carrière de patineuse, dès à présent sur @NetflixFR #Netflix http",1.0,French
+6554,@user oui :(,1.4,French
+6555,"@user Les camps, les tortures, la mort, tout un programme !",1.4,French
+6556,@RokhayaDiallo @user @user Une raciste comme vous devrez etre interdite de plateau !! Vous êtes pires que les fachos du RN,2.4,French
+6557,@user purée ça va être trop dur je le sent,2.2,French
+6558,@user @user Sauf les vaccinés qui en auront beaucoup besoin,1.6,French
+6559,@user La radine ? Parce qu’elle fait attention de ne pas coûter chère à ces parents ?? LOL,3.0,French
+6560,@user @lachainelequipe C’est pas grave pour le moment,1.0,French
+6561,@user jvau faire pire le texte di blanc était simple,2.75,French
+6562,@user @OL @coupedefrance @GroupamaStadium a dimanche j'espère fort frero,2.2,French
+6563,La vie c'est chelou,2.6,French
+6564,me dites pas qu'il s'excuse parce qu'il s'est blessé haha....,1.8,French
+6565,@user Mdrrrrr faut bien préciser sur le pas trop,1.4,French
+6566,@user Vraiment je l’aime de tout mon cœur 🥺🥺,3.4,French
+6567,@user laisse tomber je mourir,2.25,French
+6568,@user Wsh comment ça s fait 🤣,1.2,French
+6569,"@user je t’envoie en dm, sinon le garçon que j’aime bien va voir qu’il est tout seul dans la story 😭😭",4.4,French
+6570,"@user @user À d'autres Charles, vous m'avez déjà eu plusieurs fois avec votre baratin, c'est fini",3.0,French
+6571,#moneyslave je vend mes pieds,4.4,French
+6572,"@lequipedusoir @lachainelequipe #EDS sa démontre le niveau des entraîneurs français, c'est tout !",1.0,French
+6573,· ⋆ . ✫ · · · ✫ . ˚ ✫ * * * ✵ . . * ✺,1.0,French
+6574,@user réel c beau,2.25,French
+6575,Vous êtes bizarrement moins actifs depuis décembre ? Qu'est ce qui se passe ? T'as plus de thune à cracher pour moi ?,2.0,French
+6576,@user C’est pas du tout pardonnable,2.8,French
+6577,😴😕,2.75,French
+6578,lane contre Sett ignite de bon matin là 😋😋,1.2,French
+6579,@user Sache qu’on est ensemble 🤝,2.6,French
+6580,@user Quelle heure ? Quel jour ?,2.5,French
+6581,@RFMFrance Hoo toute ma jeunesse !!!! 😊 #Indochine 👍🎤,3.0,French
+6582,@user @booba Pk j'ai regardé jusqu'à la fin ... putain g un problème,1.6666666666666667,French
+6583,"Svp quand vs vs désabonnez, bloquez moi aussi comme ça je vs unfollow aussi pck jsuis clairement pas votre fan",2.6,French
+6584,Comme une envie de lui déclarer ma flamme avant que ce soit trop tard,4.2,French
+6585,"@user Ça fait 40 ans que Melenchon fait le bouffon, ça ne date pas de cette année.",1.2,French
+6586,ah mais le tattoo il l’a dans le trailer aussi,1.4,French
+6587,le pire c’est qu’il y est allé genre 1 semaine après moi pffff,2.4,French
+6588,Découvre la vidéo de Real Madrid FR ! #TikTok http,1.0,French
+6589,J’ai vraiment besoin d’un massage,4.8,French
+6590,@user Qu'est-ce t'as encore ma dramaqueen,2.6,French
+6591,L’amitié fille/garçon n’existe pas et tout ceux et celles qui ont un(e) meilleur(e) shab il y a forcément hejja entre vous c’est obligé.,2.2,French
+6592,@user J'ai pas suivi ça parle de quoi??,1.4,French
+6593,Un résumé de mon enfance en une image : les journaux télévisés d'Al Jazeera http,2.8,French
+6594,@user Ouais mais le problème avec la monster c que j'en boit une je suis dans le mal mdr,3.8,French
+6595,J’arrive pas à me concentrer c’est pour ca que je suis en échec lifestyle,3.6,French
+6596,J'ai trop envie d’un petit week-end à la mer avec toi.,4.2,French
+6597,@user plus les jours du ramadan passent plus j'me pose la question 🤔,2.0,French
+6598,#Onepiece1015 Je suis mort c’est prouvé Sanji &gt; Zoro http,1.4,French
+6599,2019 stoppez les vidéos montages de vos vies de couple svp,1.8,French
+6600,@user @user @user Qui se douche encore en 2021 de toute façon,2.2,French
+6601,J'ai ganesh http,1.0,French
+6602,@user fais moi plaisir et brule ce couteau,2.4,French
+6603,T'as marqué ma vie à ta façon.,4.0,French
+6604,@user Tu serais pas OTP ?,2.4,French
+6605,Peux-tu vendre ton cousin/ta cousine pour 50 Milliards ?,2.0,French
+6606,@user @user @user peef c un monteur idiot,1.4,French
+6607,@user Mais frérot neuer il les bouffe matin midi et soir Et si t'as pas d'exemple c'est bien qu'il y a une raison,2.2,French
+6608,"@user Magique ! Là je mate ça, ça devrait te plaire. http",2.6,French
+6609,@GuillaumeTC Pauvre homme,1.6,French
+6610,"Guardiola faut en parler aussi ! Il chie en finale, il change de compo et il perd une nouvelle fois",2.2,French
+6611,@user oui pourquoi ?,1.4,French
+6612,@user BLA LAH,1.0,French
+6613,@user Dès que je t'ai vu !,2.6,French
+6614,@user dsl c’est réel faut en profiter c’est les vacances,2.8,French
+6615,Le visuel inclusif d’une secrétaire d’État au niveau fédéral. Inimaginable dans un pays voisin. http,1.0,French
+6616,@user @user j’ai trouvé un spécimen rare 😂😂😂😂♥️,1.6,French
+6617,@user j'suis sous lchoc aussi 40 fav pour 30 seconde c insane pour moi,2.2,French
+6618,@user ah c’est trop mignon mais tqt je comprends,3.0,French
+6619,"@rglucks1 Bah on fait rien. Normal, c’est la Chine, elle est riche et puissante. Seul l’argent compte…",1.4,French
+6620,@user Je suis HEUREUX HEUREUX 🥲🥲🤩 tu peux pas savoir comment la,3.8,French
+6621,@user @user @AlvaroGonzalez_ @user Non ça c’est Neymar,1.0,French
+6622,@user @user @user @user @user ca n'a littéralement aucun rapport avec le tweet pingou 😠😡😠😡😠😡,1.0,French
+6623,@user ça c'est une excellente initiative !,1.0,French
+6624,« ouai josman il fait que des sons de cul » http,1.8,French
+6625,Imagine t'arrives dans ta petite pizzeria locale et tu vois ça ?! 😭😭😭 http,1.8,French
+6626,@user Pourtant je suis déjà mariée à lui je comprends pas,4.0,French
+6627,@user Quel idée aussi mdrr,1.75,French
+6628,@user Tu pense quoi toi,2.4,French
+6629,@user C’est toiii❤️,2.6,French
+6630,@user t matrixé ma sœur éloigne toi de moi,2.2,French
+6631,@user @user c’est trop stressant quand je recois une notif jsp cest laquelle en plus vous avez toutes les deux mes notifs argh,3.2,French
+6632,quand cette scène sera animée.. j'ose même pas imaginer internet http,2.2,French
+6633,"P L A N D É M I E Déjà vu, mais ça ne fait pas de mal de remettre ce slogan qui prend tout son sens ! http",1.2,French
+6634,@user @user @user Celle-là elle est bien,3.0,French
+6635,Donnez moi cette pc pitié une de mes pc de rêve sur jin😩 http,1.4,French
+6636,@user On espère,3.0,French
+6637,@user t’as raison fume que des purs de beuh mec,3.6,French
+6638,"Luigi &amp; Cie, une nouvelle pizzeria à Vimoutiers http",1.0,French
+6639,"Elle est belle ta France de merde , vivement le changement de 40 ans de ksos hautain envers le peuple , le vrai #ExpulsonsNosEnnemis",1.5,French
+6640,@user Owwn bébé vient me voir en dm wsh,4.4,French
+6641,En ce moment je rebtre chez moi que pr dormir et manger,2.6,French
+6642,@user Ils y croient.....,1.2,French
+6643,@user @BFMTV Tu t'es mis ça dans le uc ou dans le bras🤣🤣,3.0,French
+6644,@user @Santi_J_FM Reste à savoir combien en veut Man U...,1.6,French
+6645,@user comme toi,1.8,French
+6646,@user @user Ça étonne qui?,1.8,French
+6647,@user @user Que dire donc ?🌚,1.25,French
+6648,"@user calme c'est juste un masque, t'es oppressé pour rien la",2.8,French
+6649,@UPR_Asselineau Et nos médias sont financés par qui ? Des philanthropes des lobbystes,1.25,French
+6650,@user C'est dommage en tout cas mais bon ça va on a vu pire,2.0,French
+6651,Chelsea joue bien mais j’ai l’impression qu’ils risquent de s’endormir j’espère que je me trompe,1.4,French
+6652,@user @user le porte parole est absent ca joue 😁,1.8,French
+6653,@user on est trop pareilles bb,4.2,French
+6654,@user Magnifique,1.4,French
+6655,Le télétravail c'est cool en aout et une journée par semaine. Sinon c'est de la merde.,2.0,French
+6656,"J'ai une question les gens, Allah le Miséricordieux, il est au courant que ses sérviteurs ont besoin de la CAF pour l'adorer ?!?",1.2,French
+6657,@user @user Franchement Epic Mickey en perso ce serait le feu je pense,2.6,French
+6658,Chris Breezy il veut son oscar aussi,1.0,French
+6659,@user il vaut surtout 1/10 de Mbappé,1.2,French
+6660,à croire c'est pas possible de faire un repas sans pommes de terre,1.6,French
+6661,Tomber amoureuse d’une vidéo ☑️https://t.co/Z9Te7BuD9u,2.75,French
+6662,Les mecs qui jouent pompe sur warzone votre string il est de quel couleur ?,2.0,French
+6663,"@user Non tkt je l'ai eu en 1 multi, c'est All Might que j'ai pas eu",1.4,French
+6664,OH LA GAME MON DIEU ... j'ai mon meilleur mcdo avec moi en plus YA UN TARIC WSHH #KCORP,2.25,French
+6665,"ça me déchire un peu, mais c’est rien c’est la rue mdrr",3.2,French
+6666,@user Such an amazing 🍑,3.8,French
+6667,vous savez quoi jvais me faire toute les saisons de hollywoodgirl,3.2,French
+6668,@user Merci mon beau Naoto !,1.6,French
+6669,mes cheveux sont catastrophiques http,2.8,French
+6670,j’ai envie d’un truc que je mange jamais : un grec,2.0,French
+6671,Il est bon nuno mendes ?,1.2,French
+6672,@user @user @user Mdrrr j'ai blessé prsn,2.6,French
+6673,"C'est ironique, au cas où.",1.6,French
+6674,@user Tse j’vais pas pleurer 😭,3.0,French
+6675,@user On espère tous 🙏,1.4,French
+6676,Je vois souvent des critiques contre LRG mais au moins c'est possible de commander si on est présent à l'heure.,1.4,French
+6677,@user Aucun doute que les bars à putes sont des clusters.,3.2,French
+6678,@user En effet elle est trop belle (comme toi d’ailleurs),3.25,French
+6679,@user Prends comme tu veux.,1.8,French
+6680,@user Mais regarde les commentaires,1.0,French
+6681,Bon go regarder la finale de l'Europa j'espère un bon match,2.6,French
+6682,Hey Wizard esport recrute pour compléter ces 2 roster. Venez mp si vous êtes intéressé RT svp ❤️,1.0,French
+6683,@user @user @user On comprend mtn tes avis,2.2,French
+6684,@user Wsh vous parlez mal de ouf 🤣🤣🤣 (jmet pas sparfum),2.333333333333333,French
+6685,@user @user pourquoi lui aussi est censure ??? BIEN SUR JE VAIS SIGNER,1.2,French
+6686,"@MotoGP @JohannZarco1 Dommage dommage , la saison est encore longue , trust !",1.6,French
+6687,Avec celui-là il me manquera juste pour cette été la chaise de camping et les boules de pétanque http,1.75,French
+6688,@user Dans quoi tu utilise le joystick droit ?,1.4,French
+6689,@user envi de voyager dans ton q aussi,4.0,French
+6690,Ma manette a pas chargé cette nuit jvais tout casser,1.2,French
+6691,reveillez vous le psg..,1.0,French
+6692,Quand le recruteur retrouve ton compte Twitter... http,1.8,French
+6693,@Senat merci pour la te-hon devant tous les pays du monde,1.8,French
+6694,@user jspr il est heureux dedans cet enculé,3.6,French
+6695,🙏🏾 je reviens plus tard,3.0,French
+6696,Ma bann avec l'équipe 100% girls 🥰,2.4,French
+6697,spécial🥰🥰🥰,3.0,French
+6698,@user Mais ça va c'est oklm mais ta mère elle va pas le prendre comme ça c'est ça le problème ..,2.5,French
+6699,@user ça se voit t’as pas vu la descente de dijon,2.8,French
+6700,j’parle pour les 2 côtés hein les gens qui mettent des versets en bas tt aussi dumb que le tweet d’origine,2.4,French
+6701,@user Mdrrr dégage,1.0,French
+6702,Il va sauter trop haut mettre une tête opposé on va tien comprendre,1.3333333333333333,French
+6703,Ça fait une semaine qu’on a repris je veux déjà aller en vacances c’est normal ?,2.4,French
+6704,@user c’est trop bien,1.6,French
+6705,@user Bah si il est pas rentrer dans la maison alors que tu était seul c'est fine,2.25,French
+6706,@user @user Je suis d’accord avec vous et pas avec Mr Messiah qui met tout le monde dans le même sac.,2.0,French
+6707,@user @user Merci l'ami !,1.5,French
+6708,@user Et Jveux plus particulièrement savoir si tu joues katana comme moi MDR,2.6,French
+6709,Je l’aime plus que tout,4.6,French
+6710,@user Ah mais c'est sûr ...,1.6,French
+6711,@user 🍆 dis moi tout 🍆😈😈😈,4.5,French
+6712,Pourquoi le tome 1 de Chainsaw man il est introuvable j’ai envie de mourir,2.2,French
+6713,50€ pour un 50€ pour un truc truc pour moi pour mon chien 🐶 http,2.0,French
+6714,@user @user T'aimes pas joindre l'agréable à l'utile ? 🤣,2.8,French
+6715,@user tu vas gagner,1.5,French
+6716,Bref je ferme mon fanclub c’est fini,2.25,French
+6717,Est ce qu'il y a un vendeur en ligne qui vend des casquettes de marques originales a Dkr ? #Rtapprecies,1.0,French
+6718,@user @user Mais t’as envoyé à qui ⚰️,3.2,French
+6719,@user Ah ah oui l'obstination en ce qui concerne la bouffe c'est vrai que ça peut être... Envahissant 😂 brave Mimi !,2.8,French
+6720,Priez pour que j'ai des voisins cools.,4.4,French
+6721,oh jsuis mort y’a un rappeur de ma classe il a mis une story insta « posée moi vos questions » personne lui a répondu 😭😭😭😭,2.25,French
+6722,Ça va aller dormir par ici ...,3.6,French
+6723,@user montre tu veux mettre laquelle,1.8,French
+6724,Sur Facebook ils vont commencer à relayer les rumeurs sur un retour de Benzema,1.0,French
+6725,Évidemment très déçu de ne pas maîtriser le dialecte de Guadalajara qui aurait pu me permettre de prendre part à la conversation,1.6,French
+6726,Vert : achète. Rouge : vend. #easytrade,1.0,French
+6727,@user 4 bo d'affilée 91 buts en 1 année 73 buts en 1 saison,1.0,French
+6728,Le gouvernement et l'administration française sont les plus grosses putes qui existent sur cette terre,1.6,French
+6729,@user @user C'est cela la LREM la racaille en marche !,3.2,French
+6730,@user Je suis pas maniaque chéri,3.6,French
+6731,@user Hey salut Ça vas?On voulait voir ce qui ce passe😄,3.2,French
+6732,@LCI Pour le gros Dupont une femme ne peut pas se défendre ?,1.6,French
+6733,@user Si ca peu faire plaisir :),3.6,French
+6734,@user J’ai vu ça j’étais très bien réveiller grâce à toi MDR,3.4,French
+6735,"@user Bon c'est bon, j'appelle la police.",2.4,French
+6736,"@leJDD En vieillissant, Montebourg ressemble de plus en plus à Mélenchon vous ne trouvez pas?",1.2,French
+6737,@user Vraiment ptdrr merci prcq y a grv des trucs j aime vraiment bien ( FKA twigs for exemple ),2.6,French
+6738,@user J’att ton snap quand tu l’auras sur toi,3.4,French
+6739,"@user T'es la one n only pour lui, normal que tu sois heureuse hehe jtm fort aussi chou",5.0,French
+6740,@user nan pcq elle m'a dit «ce week-end jte ferai réviser» 😭,3.25,French
+6741,@user (aucun des 2 sera relégué),1.8,French
+6742,"@user T’es trop riche 😂 Du coup je réitère ma proposition, donne les moi 😂",2.0,French
+6743,Dans le quinté Le 13 Gavroche Maza GG et GL #cdj180821,1.0,French
+6744,@user Mdr je veux trop voir alors que j’ai pas vu les deux autres 💀,2.2,French
+6745,@user @pcdv8r @user Les boutons ??,1.6,French
+6746,@user @user @user Tu a besoin de moi ??,2.0,French
+6747,"Doublé de Wijnaldum défenseur, pas Salah Pas Firmino, A2LO",1.0,French
+6748,@user @user Bien dit frère !!! Nous avons dépassé l’ère du changement nous vivons la crise climatique!!! Agir est un devoir 🌳🌳🌳,1.2,French
+6749,"🔴 Élection présidentielle : Laurent Fabius, président du @Conseil_constit rend publique la liste des candidat(e)s. http",1.0,French
+6750,@user Même moi ptn mon compte de 2018/2019&gt;&gt;&gt;,2.8,French
+6751,@BFMTV Plus fort pour s’endetter en effet,1.4,French
+6752,@Michoucroute_ Mdrr c'est trop 😂🤦‍♂️,1.8,French
+6753,"@Orange_France @user @XiaomiFrance Bonjour, merci bonne journée",1.0,French
+6754,Une nouvelle équipe se développe chez UNIVERS💪 PUBGMobile est dans la place 👀 Plus d'informations dans les prochains jours 📩,1.0,French
+6755,OM - Nice : Une affiche pour l’Europe http,1.0,French
+6756,@user Un jeu qui fait peur !!,2.0,French
+6757,@BFMTV Fallait y penser avant ! 😡bande d’incapables !,2.4,French
+6758,"@user C'est impressionnant cet effet que ça a, t'es pas la première que je vois le dire",2.4,French
+6759,@NetflixFR vous ne venez pas de mal orthographié le nom de CamiLa!!! 😩😩 http,1.2,French
+6760,@user Lampionne ?,1.0,French
+6761,"Terminé***#A20 ouest (du Souvenir), à la fin de l'entrée du boul. des Anciens-Combattants pour le pont Galipeault, débris récupérés",1.25,French
+6762,Québec octroie 970 000 $ pour l’intégration des Premières Nations sur le marché du travail http,1.0,French
+6763,"Mini1, grande section de maternelle, vient de nous épeler police. Cet enfant me fascine.",2.6,French
+6764,@user mais tu la connaissait meme pas deblaye gentillement,2.8,French
+6765,@user ils verront pas le tweet ils sont en train de manger,2.6,French
+6766,@user 👍💪,2.333333333333333,French
+6767,@user Ah merde 😭 En espérant que le temps te fasse changer d'avis hein,2.2,French
+6768,@user Magnifique femme 😍💕,2.4,French
+6769,CCarbonara aux champignons et épaule de porc fumé : une tuerie 🤌🏾😋🍷 http,2.4,French
+6770,"@user d’accord je fais ça demain matin, seul problème j’ai pas de couteau suisse",3.0,French
+6771,Cmt ça il n’existe pas un seul bon back gauche belge frr c’est trop la folie,1.4,French
+6772,@user Très bien et toi,1.6,French
+6773,"@user salut le/la S, ça va ? Ouais j'suis pas trop sur whatsapp, jsuis + sur discord ou twitter",2.8,French
+6774,@user Ils tiennent super bien les chants alors que j'ai l'impression qu'il y a une multitude de groupe,1.2,French
+6775,L’#ICESCO et le ministère égyptien de la #Jeunesse et des Sports examinent les perspectives de coopération http,1.0,French
+6776,@user Mdr tu t'es fait un film entier dans ta tête frerot jte promet,2.8,French
+6777,@user Le jeunecrack avec beamer,2.0,French
+6778,@user Racaille ce soir nous allons rire,2.75,French
+6779,Cindy elle fait plus de TikTok depuis la photo,1.8,French
+6780,"@user N'essayez pas de me flinguer le moral, 'Beli, il est blindé au titane. Plus optimiste, tumeur.",2.25,French
+6781,j’ai tellement hâte d’en finir avec les examens et enfin pouvoir profiter de ma vie😢,3.4,French
+6782,'' L'État doit traquer de façon intraitable ces gars de la BAS'' 📞 Hervé Emmanuel NKOM,1.2,French
+6783,@user @user Je crois qu'il faut téléphoner #2424 et non le texter.,1.0,French
+6784,@user Les gants cm as sur une femme sa dois etre qlq chose sah,2.6,French
+6785,L’amour n’est pas parfait quand il est vrai.,1.25,French
+6786,@user Le monde est devenu complètement dingue.,1.4,French
+6787,Les célibataires de la Côte d’Ivoire veulent participer aux combats en Ukraine 🇺🇦. #syndicatdescelibataires,1.2,French
+6788,@user jte jure je fixe le mur là,2.75,French
+6789,@user Troooop bien !!! Je suis d’origine espagnole (de très loin) hola soy Clem ? 😭,1.8,French
+6790,Mon crush qui sort elle pute tout ses collègue pute je lui dit importe quoi après il me dit sauf amide HEUREUSEMENT SINON JE TE DEFONCE,4.25,French
+6791,@user Vraiment mon frère c’est une bénédiction pour la RDC,1.25,French
+6792,@user @user Joyeux anniversaire à lui,3.0,French
+6793,@user Va bouffer de la pâtée pour chien,2.6,French
+6794,foutez-moi la paix 😮‍💨,2.4,French
+6795,@user Ça date de 2015 waaaaaa,1.5,French
+6796,@user @LMilotOfficiel Merci bcp 😉💋,1.2,French
+6797,@BFMTV Éliminer dès le 1er tour puis définitivement éliminer 😂😂😂😂😂,1.0,French
+6798,@user Très bon résumé mon gars,1.4,French
+6799,comme moi je suis votre p d . continuez,2.75,French
+6800,Jour de Match on part à la guerre contre les qataris 💙 http,1.0,French
+6801,Bonne journée la famille ❤️ http,2.6,French
+6802,Marlene dans la catégorie Bonne Année ? Débarquez moi ! http,1.4,French
+6803,Le mec qui a lâché l'info sur les comptes en suisse de cahuzac est coupable de tout nos malheurs,1.6,French
+6804,@user @LCI @gerard_larcher Les ukrainiens ont du bien le nourrir http,1.2,French
+6805,@user Je t'ai pas,1.6666666666666667,French
+6806,@veroniquegenest Non. Ce type est dangereux.,1.4,French
+6807,@user @user Les vautours au vol assistent. VDLS,1.2,French
+6808,"Bonne nuit à tous sauf à "" arrêtez de faire les Amílcar Cabral"" 💀",1.2,French
+6809,@user Sauf s’il veut entretenir l’inquiétude de la population à son profit.,1.6,French
+6810,Je sais pas comment ils font leurs frites à Djolof Chicken mais j’adore 👌🏾,1.6,French
+6811,Envoyez de l'argent simplement et rapidement partout dans le monde 🚀🌍!,1.0,French
+6812,@user @user @user @user @user @user @user @user La bonne nouvelle de la soirée !,1.0,French
+6813,"@user Oh nonnn prend soin de toi, j'espère que tu seras pas trop malade :/",3.2,French
+6814,🔴🔴🔴 ❤Il est pour moi le seul❤ 🌿🇨🇵ZEMMOUR 2022🇨🇵🌿 http,1.75,French
+6815,@user Jamais connue,1.0,French
+6816,@user dis plutôt que la longueur des audios te les brisent hein,2.0,French
+6817,"@user @user La manette mais réel, pamine pire twittos + même pas objectif + ratio avec autofav",1.3333333333333333,French
+6818,@user tant mieux 😛,2.5,French
+6819,Je suis entrain de réfléchir à quelle coiffure je vais faire au concert pour pas avoir chaud alors que ??? Le and more ???,3.25,French
+6820,Est c’que le monde il est à l’envers ou c’est moi qui est à l’envers ? http,2.8,French
+6821,@user @user @user @user Non c'es la vérité,1.25,French
+6822,@user Gagner du poids en étant ectomorphe surtout xD,1.2,French
+6823,Qui arène ?,1.6666666666666667,French
+6824,@user C'est ma femme non 🤔,2.25,French
+6825,"11,90€ le grec ?? Pardon, j’ai raté quoi ??",2.2,French
+6826,question du jour : est-ce que vous pensez qu’on peut aimer deux personnes en même temps?,3.2,French
+6827,Faites bien le trie dans ses paroles http,1.0,French
+6828,@user @user Ouai chante pour nous M,1.4,French
+6829,@user @user Mdrr ça doit être ça oui.,1.25,French
+6830,@user @user @TrashTalk_fr Un jour peut-être...,1.4,French
+6831,@user Ils ont été monstrueux et courageux. C'est complètement mérité,1.75,French
+6832,@BFMTV La protection des français c'est l'état. @jmblanquer un ministre qui fuit ses responsabilités.,1.2,French
+6833,"@user Ça fait câbler ils sont tous comme ça, quand tu dois payer ça va super vite mais quand t'as besoin tu peux aller te gratter 💀",1.25,French
+6834,@user l'opération chirugicale est un vrai succès ! bravo docteur Z,2.5,French
+6835,@user ?,1.4,French
+6836,Finalement le circuit de Miami est difficile hein,1.6,French
+6837,Il ma tellement sauver ✝️🫶🏼,2.4,French
+6838,Enfin des bonnes nouvelles ❤️,3.4,French
+6839,600 g d'Akpi poudre - Sélection panafricaine - dont 200g Gratuits http via @Etsy,1.0,French
+6840,@user Bah lui il veux pas attendre il veux tous les prendre mtn mdrr,2.4,French
+6841,@user @user @user Egalement intéressé ☺️,2.4,French
+6842,@user Cœur Noir ou conséquence,1.75,French
+6843,@user @user Très impressionnant.,1.0,French
+6844,L’odeur dans le métro A c’est vraiment une tentative d’intoxication,2.2,French
+6845,@user Essayons-nous au moins ?*,2.8,French
+6846,@user Prise à l’instant. Les gens ici s’en étonnent. Je suis blonde depuis toujours http,2.8,French
+6847,83e : 🧤 @paul_bernardoni s'impose face à Guirassy et maintient les Verts en vie ! 🔴 1-0 🤍 #SRFCASSE,1.0,French
+6848,@user Neymar mdrr personne en veut cet alcoolique il est fini pour le haut niveau,1.4,French
+6849,@user Merci lol pour avoir niqué mon rythme,2.25,French
+6850,@user C'est encore plus satisfaisant.,1.75,French
+6851,il est con ou quoi ce chat zbi,2.6,French
+6852,@user @user @paul_denton Faut arrêter les stupéfiants monsieur,2.6,French
+6853,@user Salemakers est très têtu,2.2,French
+6854,@user ça s’appelle du rp idiot,1.4,French
+6855,@user Ils abuseraient ces français là quand me,2.0,French
+6856,http Suivrez l’intégralité du concert de la Team wata 🔥,1.0,French
+6857,"Mon médecin arrive dans qq minutes pour m’examiner, j’vous tiens au jus",4.0,French
+6858,"@user @user @user Et beh tu peux faire une recherche sur internet, je t'en prie",1.75,French
+6859,"@user Je me demande ce qui est le pire, un cluster ou une escroquerie?",1.2,French
+6860,@user @user @user Donc coupe la parole c est harcèlement mdrr malade va,2.0,French
+6861,@user Magnifique votre petite fille 🥰,2.75,French
+6862,Tu me connais ? Jte connais pas non plus ! Aie #KohLanta2022,1.75,French
+6863,j'avais presque oublié que je passais mon permis dans moins d'une semaine,3.0,French
+6864,"@user Comme ça, y'aura moins d'argent sale, mafieux, chez nous.",1.8,French
+6865,@user J'ai le sourire😁 et le regard😍,2.6,French
+6866,Vivement les législatives pour un peu d’action…,1.0,French
+6867,Ferran Torres : « Je kidnapperais Dembélé pour Barcelone. Il n'y a pas de meilleur club pour lui. » http,1.2,French
+6868,@user @user 3-0 t’avais du mal a me crack,3.0,French
+6869,@user @user Ce n'est du ménage: http,1.0,French
+6870,@user @user 🤣🤣 une éducation haut niveau,1.5,French
+6871,@user Tu as écorché mon nom donc non,2.4,French
+6872,@user @user C’est bien ce que je me disais…,1.5,French
+6873,@E_DupondM Espérons que le résultat soit amoureux de la bonne face.,1.0,French
+6874,@user @user il faudrait déjà boucler la mère maquerelle,1.8,French
+6875,@user Je meurs 😭😭😭,1.0,French
+6876,Décroissance démographique http,1.0,French
+6877,"@Le_Figaro @bayrou cher François, tu vas bientôt manger des pissenlits pour le bonheur du plus grand nombre. un vrai leader tu es !",2.0,French
+6878,"@user @user Feur Je suis un bot, ne me jugez pas pour avoir fait une blague nulle dans un contexte inapproprié.",1.2,French
+6879,Malgré que j'ai fait le tour de Londres j'ai croisé ZÉRO stade quand même,2.0,French
+6880,"""bloque le, supprime le, c'est pas un gars bien etc..."" c'est votre cœur ou bien c'est le miens ??",2.75,French
+6881,@CharlesConsigny Mais avec qui débattre? Une héritière ? Un facho? Une gourde ? Un bolivarien ?,1.6,French
+6882,@user @user Leur jus est délicieux🍊🍹,1.2,French
+6883,EN DIRECT MAINTENANT – J’explique comment nous allons continuer d’obtenir des résultats pour les Canadiens : http,1.2,French
+6884,@user @user Oh le pseudo qui me renvoie aux anciens temps,1.4,French
+6885,Pourquoi certains effacent leurs tweets tous les soirs ? Je le découvre par hasard 🤔,1.2,French
+6886,@user Deezer&gt;&gt;&gt;&gt;&gt;sportify seul avantage de spot c’est son intégration dans des appareils directement,1.0,French
+6887,@user Il faut aller chez Lidl,1.0,French
+6888,"@user 1,2",1.0,French
+6889,@user J’ai lu que apparemment ashe a tout gâché,1.0,French
+6890,@user Dignité tu connais 🤡,1.2,French
+6891,@user parfois aussi apprendre l'histoire à la lumière d'aujourd'hui pour enfin voir la réalité sans propagande.,1.0,French
+6892,Les coréennes quand elles cherchaient les cages des françaises 😭 #FRACOR http,1.2,French
+6893,@user @CNEWS réthorique de minable,1.6,French
+6894,@user Et surtout un très très joli cul 🔥🔥😋,4.2,French
+6895,@user Ptdrrrr j’aime trop te faire,3.25,French
+6896,@user Super! Merci pour les infos ! Vous êtes au top sur Twitter,1.0,French
+6897,@user @user @user @VincentBP elle veux dire non vax sans contre indication!,1.8,French
+6898,@user Il s’agit d’Erwan Castel que l’on peut suivre ici 👉🏻 http,1.4,French
+6899,@user @user @user @user @user @user @user La france ou les français ?,1.4,French
+6900,La faiblesse d’un homme c’est une femme. La faiblesse d’une femme c’est ses pensées.,1.6,French
+6901,@user @user D'être virés,1.5,French
+6902,@user Ce n'est bien évidemment pas moi :p,1.2,French
+6903,jvais vous harceler avec cette fancam. http,3.0,French
+6904,22h43 un gameplay approximatif vous est proposé ici : 213/250 SUB http,1.25,French
+6905,@user C'est pas moi,1.2,French
+6906,@user Oui en effet la banane est le meilleur fruit http,1.4,French
+6907,"@user C’est bien fait, je hais les gars qui font leur star comme ça lolz",3.0,French
+6908,Le Love &amp; Sex Festival va débuter. Vous prendrez bien l'apéro avec la Love Team ? http http,2.2,French
+6909,Je fais quoi entre les deux ? http,1.8,French
+6910,ça regarde le match face à la mer quelle vie,2.0,French
+6911,@user Hummmmm qu’elle régale merci passe une délicieuse soirée 😘😘😘😘,3.0,French
+6912,@user @user @user Ignoble 😂mais tellement extrême gauche 😂😂pas surprenant,2.0,French
+6913,@user feur 11,2.0,French
+6914,@LaTribune Allez voir sur internet le déficit public depuis 2027. Il est passé de 92% du PIB à 117% du PIB. Et c'est pas fini.,1.0,French
+6915,J’ai cours demain et j’arrive pas à dormir,1.6666666666666667,French
+6916,Info presse au marquoir : 65 supporters au FCL,1.0,French
+6917,22) Quel vieux animé as-tu regardé récemment ?,1.6666666666666667,French
+6918,Au début j’aimais bien maintenant ça m’énerve,2.2,French
+6919,@user c’est impossible juste tu penses a ce stupide tweet que tu vas faire,2.2,French
+6920,@nadine__morano @lesRepublicains Les Républicains sont-ils encore de droite ? L'avenir de la droite est chez #Reconquete,1.4,French
+6921,Votre affaire de beug là sur Spotify pardon ici on est tranquille avec Amerigo,1.5,French
+6922,@user La nuit c’est encore mieux.,1.6,French
+6923,@user merci 🙏 (j’aurais jamais la volonté),3.2,French
+6924,Je suis à ça 👌🏻 de taper son nom sur Twitter pour trouver des fanarts mais je me retiens pour pas me spoil,2.2,French
+6925,"Les Français, peuple des Lumières… Éteintes car plus gas! Et aussi plus de cerveaux, que des veaux.",1.2,French
+6926,"c'est pour la science. Fav si tu dis ""ballon prisonnier"" RT si tu dis ""balle au prisonnier""",1.2,French
+6927,pr contre mon plan piercing auj est un flop imo jv juste recup mon livre,4.666666666666667,French
+6928,Il sont ou les supporters du Real ?🤷‍♂️🧐🧐😛,1.8,French
+6929,Un bel arc en ciel sur le chemin du retour … passez un bon week end 😊 http,1.8,French
+6930,@user Orh ça va moi je peux me le permettre !!,2.4,French
+6931,@user @user @user oui ça m'est venu à l'esprit !!!!,2.0,French
+6932,Oui mon seko #rclens #SDRRCL,1.0,French
+6933,J’ai dormis 2h,4.0,French
+6934,"#GameOfThronesFinale Twitter va exploser dans 1,2...3",1.0,French
+6935,@user Maxala en plus d’être toxique dans notre Tl ta toxicité te porte préjudice à toi mm 👀👀,3.2,French
+6936,@user Même toi tu vas regarder le réal krkrk,1.4,French
+6937,@user @user • ᴗ •,2.0,French
+6938,tes,1.25,French
+6939,@AREtoiles Eh oh Rends le téléphone à étoiles,2.5,French
+6940,@user Pcq il y a pas encore eu de campagne international pour les européens mdrr arrête de tout mélanger,1.2,French
+6941,@user Bah mtn@tu sais 🤣🤣🤣,2.6,French
+6942,Mais c’est une blague,1.0,French
+6943,@user On veut voir,2.2,French
+6944,18 vols pour Madrid depuis Paris Charles de Gaulle entre 1h et 5h du matin. #ChampionsLeague http,1.0,French
+6945,Un dimanche comme je les aime.... Je t’attends pour me masser les pieds et me servir un cocktail 🍸 http,4.0,French
+6946,@user T’as fait quoi,2.0,French
+6947,Encore 9 abo et j’ai les 600 je vous loves,2.0,French
+6948,"@user Oui avec plaisir, mon soucis c'est pas le niveau mais surtout le temps :D",2.0,French
+6949,@user France terre d’asile bien sûr avec elle…,2.0,French
+6950,@user mais reste meilleur que le QSG.,1.5,French
+6951,@user T'es boas le seul ... Je décroche sec ... 🥴🤯,2.75,French
+6952,"Si elle ne vous pousse pas à atteindre vos objectifs et à voir grand, ce n'est pas la bonne.",2.0,French
+6953,@user @user @user @user Mdr il a juste oublié un espace,1.6,French
+6954,dois pas Ce n'est pas le moment Il faut être patient Être patient AAAA TEMAZO,2.6666666666666665,French
+6955,@TPMP Là @Cyrilhanouna ne parle plus des audiences catastrophiques de la semaine,1.4,French
+6956,@user Bah nan il était bon à Paris justement,2.0,French
+6957,"@user Mais, c'est un jumeau à Bernard Kouchner !",1.4,French
+6958,@user @TPMP @Cyrilhanouna il faut vraiment tenir à sa gamelle pour servir la soupe à ce gros c....,2.4,French
+6959,@user Oui… Les tiens me manque.,2.8,French
+6960,"@user C est bien ce que je pense, tu dis n importe quoi.",2.0,French
+6961,@user Coucou ! Ça va et toi alors ?,2.8,French
+6962,@user tu c si y’a des perso qu’on connaît là bas ou si ils sont tous aux deux principales?,2.0,French
+6963,@user On dirait une racaille qui se repose de sa nuit mouvementée !!! Il sera debout vers 23 heure pour la reprise du boulot !!!,2.2,French
+6964,"@user Non, il n'a pas été bon, il a menti, comme s'il n'avait pas présidé la France pdt 5 ans!",1.4,French
+6965,@user mais il a tjr était bon dans toutes les équipes par ou il est passer a part les Lakers faut pas abuser,1.2,French
+6966,@user Merçi je me prends pas la tête moi mes je suis pas un exemple quoi que 🤡🤫🤣🤣🤣🤣🤣👍,1.5,French
+6967,Mahrez 32 ans et seulement 1 mi temps d'une coupe du monde a son actif http,1.4,French
+6968,@user @user @user jsuis pas une hoe http,2.6666666666666665,French
+6969,@flavienneuvy C’est votre avis et heureusement pas celui de la majorité des Français.,1.2,French
+6970,"@user Bloque les gens chiants au pire. Comme ça, ils n'auront plus la possibilité de râler et de faire les frustrés x)",1.8,French
+6971,@user dit pas ça,2.4,French
+6972,@user @user Adem tu m’as même pas défendu toi,2.5,French
+6973,@user Peut-être grâce aux 9 millions,1.4,French
+6974,Regardez cette vidéo Instagram de @ http,1.2,French
+6975,@user jsuis à la rue http,2.25,French
+6976,@user @user Gz,1.5,French
+6977,@user Oh bonne lecture :D c'est gentil !,1.4,French
+6978,Au moins 15 fois que j’écoute cette musique aujourd’hui,1.8,French
+6979,@DanielRiolo Raf du débat,1.8,French
+6980,Victoire !!! Vamos jsuis heureux,3.2,French
+6981,J’suis en manque d’affection j’me contrôle pour pas faire des dingueries,4.2,French
+6982,"@user Tu perds ton temps avec eux, il leur a retourné le cerveau leur chef de secte",2.4,French
+6983,"@user @user Venant d’un adepte dont le gourou est millionnaire et c’est enrichi sur le dos des contribuables, c’est savoureux.",1.4,French
+6984,@user Musulman n'est pas une nationalité Les allemands ont eu honte des actions d Hitler et de tout l appareil nazi,1.0,French
+6985,@user puique,1.0,French
+6986,"@user @user (Je n’ai rien contre McLaren, juste l’intérêt des points pour le championnat constructeur) 😂",2.25,French
+6987,@user @user Notre dernier match on avait perdu contre eux,2.0,French
+6988,"@user Didon, c pas forcé mdrr",1.3333333333333333,French
+6989,1x ne veut pas mon argent ?,2.0,French
+6990,Bon le débat Des abymes est nul 😴,1.2,French
+6991,@user Je ne partirai pas dans ce débat. Je respecte autant l'un que l'autre.,1.75,French
+6992,allez 5-0 pitié je veux dormir à poil ce soir,2.2,French
+6993,Droit de vote à 16 ans : élu pire idée de projet,1.2,French
+6994,@user Avant sa mort les song qu’il avait fait mais qui avait pas était posté,2.0,French
+6995,@CNEWS C'est chaud,1.0,French
+6996,@user Tu @user,1.0,French
+6997,🇫🇷↩️ Retour sur le week-end en club des Bleus 👍 Kanté omniprésent 👎 Benzema hors sujet http,1.0,French
+6998,"@user Yish 🥴👎 (Faisait longtemps que j’avais pas utilisé ce mot là, mais entk, il fit bien ici)",1.0,French
+6999,@user No s'acaba d'entendre...,1.25,French
+7000,"@user Mais les variations de ce meme, ça devient n'imp 😭😭😭😭😭",2.25,French
+7001,"@user J’ai une batte baseball, toi un truc inutile j’ai une idee de fou la",2.2,French
+7002,🍅 Diablo 4 arrivera en 2023 ! La dernière classe a aussi été dévoilée : Necromancer. #FYNG http,1.0,French
+7003,"🐶 Boulay-Moselle : Lita, chienne gendarme, reçoit une médaille de la défense nationale ➡️ http http",1.0,French
+7004,"Ahmed Aidara : “Guédiawaye a montré, aujourd’hui, qu’on peut travailler main dans la main” http",1.0,French
+7005,@user @user @user Ne pas oublier qu'elle fût le diesel le plus rapide au monde en son temps.,1.0,French
+7006,"En tant qu’ancien boxeur, je confirme, on peut me piquer autant qu’on veut jsp pq mais je reste calme, self control",1.4,French
+7007,@user @TPMP Niveau d'études ??? C'est à dire ?,1.6,French
+7008,Un chapitre entier sur ibrahimlogique,1.4,French
+7009,Les trois erreurs stratégiques de Renault-Nissan qui ont coûté cher à Carlos Ghosn http via @user,1.0,French
+7010,@user @user @user mérité,1.0,French
+7011,@user Il est tellement bizarre son popoff X) Y'a rien qui bouge. Meme ça position est bizarre ^^,2.8,French
+7012,@user YAELAH GEMES AMAT,1.0,French
+7013,mon humour sur une échelle de 1 à 10 http,2.2,French
+7014,@user (C'est pas le vrai compte),1.4,French
+7015,@user Fais en sur les prophètes ça serait super intéressant,1.2,French
+7016,@user @datirachida @user @MarleneSchiappa Plutôt Charlebois ! 😉,1.2,French
+7017,"@user C'est ce quelle veut, c'est ceux qu'ils veulent 🤬",2.0,French
+7018,@user alors que le @ de samsam est marqué,1.0,French
+7019,"@user Bonjour, si le souci persiste n'hésitez pas à prévenir notre support : http",1.2,French
+7020,Je savais pas qu’on pouvait son fils Genghis khan,1.0,French
+7021,"@user Ça devait être du deo, vous en avez certainement trop besoin.",2.4,French
+7022,@user Moi aussi ça fait longtemps jsuis pas venu,1.5,French
+7023,@user @user j pensais pas que c'était si drôle mais j suis contente de voir ça mdrrr,1.6,French
+7024,@user même juste la laisser vivre seule je pourrais pas.. je préfère qu’elle soit chez moi,3.4,French
+7025,@user @user je pourrais rajouter encore le Seigneur est venu pour nous enseigne comment prière! http,1.75,French
+7026,Comment j'ai PAS envie d'aller en stage laissez moi dormir,2.6,French
+7027,@user c'est certain...... ça a pas du être simple à tourner pour elle..........,3.25,French
+7028,@user Tu es ou,2.2,French
+7029,Amsterdam forme des crack et Paris les détruit.,1.0,French
+7030,@user C'est malware et compagnie,1.8,French
+7031,Conflit en #Ukraine : comment la #Russie a tissé des liens plus étroits avec l'#Afrique http,1.0,French
+7032,@JustinTrudeau Tes le pire,2.2,French
+7033,Vient de publier une vidéo à Dubaï Émirat http,1.0,French
+7034,"« L'Europe doit priver Poutine des revenus du gaz et du pétrole », estime le patron du gaz ukrainien http",1.0,French
+7035,@user Mdr Respecte la différence d'expression c'est tout.,1.8,French
+7036,@user non mais ta vu ces avis comment ne pas le traiter de anti op dans blague,2.0,French
+7037,J’ai trop le seum la campagne a zemmour va être remboursé,1.5,French
+7038,@user Quel bonheur d'avoir son bac,1.6,French
+7039,Rugby : fin de saison pour Paul Willemse http,1.0,French
+7040,C’est trop bizarre sa,1.4,French
+7041,comme ça je peux les enlever une fois que j’ai fini de bosser et ça m’évite de passer pr une meuf bizarre dans les transports en commun,3.2,French
+7042,@user C'est vrai que ça résonne,1.2,French
+7043,"@user @user @user Dombass massacré par les ukrainiens, déjà oublié ?",1.25,French
+7044,@user @user @user Ça serait légitime.,1.4,French
+7045,Très heureux de voir des affiches du grand Z très bien placées dans ma petite ville de CARROS les Plans près de Nice.,1.6,French
+7046,@user Ma vie les soirées Catch sur NT1!,2.5,French
+7047,@user @user J'ai l'impression que depuis Everyday Robots il est peace. D'où son semi-exil en Islande il me semble,1.0,French
+7048,@user Merci beaucoup de me suivre aussi aujourd'hui 🆗👍👍🆗,1.8,French
+7049,@RMCinfo L'Etat met en place des aides pour les pêcheurs pour compenser la hausse des carburants pourtant.,1.2,French
+7050,Depuis que j’suis ici j’prends plus le temps de découvrir des sons,1.8,French
+7051,"@BFMTV @user Oui beh il ne faudra pas compter sur vous et sur Macron pour venir nous sauver, vendeurs de malheur !!",1.4,French
+7052,@user @user La vérité si je mens😂😂😂,1.6,French
+7053,@user L’application « report+ »,1.0,French
+7054,@user @user @user @user @user Si il reste à River c’est différent,2.0,French
+7055,Y’a quoi à faire à Oujda à part le mcdo,2.2,French
+7056,@user Elle a fait ses 2 premières doses?,3.2,French
+7057,Je l’ai eu en pleure dans mes bras..,4.4,French
+7058,@user 2 mandat supplémentaire,1.0,French
+7059,Doja elle insulte ses fans et 10 mins après elle est sur scène hdshjdisks je l’aime trop,1.8,French
+7060,@user joyeux anniversaire mon bébé 🥳🥳❤️❤️,4.0,French
+7061,@AnasseKazib Il y a la guerre en Algérie ? J’étais pas au courant…c’est pas au gouvernement algérien de les gérer ?,1.25,French
+7062,A la recherche d’une soulmate vu que la place est libre?,3.6,French
+7063,Superbes créations ! Bravo à nos artisans et créateurs ! http,2.0,French
+7064,@user C'est le Coca-Cola,1.0,French
+7065,"@user oups, la fatigue, je voulais dire contre, suis confuse, suis excusez ? je rectifie de suite ;-)",1.5,French
+7066,@user @user C'est de l'humour de blanc askip,1.6,French
+7067,@user Belle journée ☀️,1.2,French
+7068,"Sam Raimi (réalisateur de Docteur Strange 2) se dit prêt à faire son film ""Spider-Man 4"" ! « Après avoir réintégré le multiv…",1.0,French
+7069,"Je commence par les hash seulement , joyeuse fête à nous . Min chaaaar lagué 🇭🇹🇭🇹🇭🇹🇭🇹🇭🇹🥳🥳",2.0,French
+7070,"@user J'y suis plus depuis un bon moment déjà, chacun a prie son chemin",2.5,French
+7071,@user @user Ptdr sauf que moi je suis pas fan de ces joueurs au point de nommer mon compte par leurs prénoms / photos 🤣🤣,2.0,French
+7072,@user @user Ils croient aux forces de l'esprit,1.4,French
+7073,@user C’est une musiqueee,1.0,French
+7074,La distraction des piétons pourrait être plus dangereuse que la distraction des conducteurs,1.0,French
+7075,@user @user Vous traitez qui là ?,2.6,French
+7076,"C'est pas le contenu habituel de CarlSagan42, d'habitude il fait des vidéos sur Super Mario maker 2 (c'est génial) http",1.6,French
+7077,@user Nom nom nom!,1.0,French
+7078,"Mon frérot qui fait son premier l’Aid en tant que musulman, les émotions",4.4,French
+7079,@user @user @user Zelensky est francais ?? C'est bien ca ?? 😭😭,1.0,French
+7080,Vous êtes ? Perso pan,4.5,French
+7081,Posté puis supprimer par Benjamin vous en pensez quoi? http,1.2,French
+7082,"Si MHD était encore hypé son film aurait reçu une promo de ouf, mais la.. silence radio.",1.2,French
+7083,@user Je suis trop beau putain,3.2,French
+7084,"Laver les draps ça changeait rien, j'en ai racheté des nouveaux.",2.6,French
+7085,@user Je vois pas de quoi tu parles enfaite,1.6,French
+7086,"@user Wow, merci beaucoup 🤤 💜 #FreebieFriday",1.6,French
+7087,@user jvais devoir skip ayaka si c'est vrai j'ai envie de crever,2.6,French
+7088,Petite douceur du réveil 🤭😇 Retweet si tu aime et veux des photos tous les jours 🙃 http,3.5,French
+7089,@LeTemps C'est le nouveau @user What else. @LeTemps,1.25,French
+7090,@user @user bah je trouvais le petit singe mignon quoi mais t'as une vraie psychose du racisme donc bon,1.4,French
+7091,@user Zoé je suis pris désolé ...,3.6,French
+7092,Tout duaa est bon à prendre les mecs demain le bac inchallah Kheir ❤️,3.0,French
+7093,jos il est à Stras pourquoi j’y suis pas ajd je l’aurai croisé ..,1.4,French
+7094,@user Il a perdu sa famille et il a faim,2.4,French
+7095,📊👀 On fait le point sur les états de forme des deux équipes avant le match de 19h sur la pelouse de @user #QRMFCSM http,1.0,French
+7096,@user Oui donc pour apporter de la profondeur et faire tourner au milieu ça sera bien après ça dépend du contrat,2.0,French
+7097,@PMU_Poker @user C fait,2.0,French
+7098,@user La fin de ton premier tweet ça ton cas aussi,1.75,French
+7099,@user on dirait les merguez elles vont brûler au bûcher,2.0,French
+7100,"@user @user C’est clair, à ce niveau, ils n’ont rien à Envier au Siècle des Lumières...",1.0,French
+7101,@TPMP Mais ça existe déjà !!!! Sortez de vos tours d ivoire !!!,1.2,French
+7102,"@user Tain ma niche c est les darons, le coup de vieux ^^",2.6666666666666665,French
+7103,@user @JulienAubert84 @Le_Figaro avez-vous vérifier vos sources ?,1.0,French
+7104,Honnêtement Jcp comment City peux gagner aujourd’hui le manque de confiance il se voit trop,1.6,French
+7105,@user @user @user @user @user @user @WinamaxSport 0-4,1.0,French
+7106,Aaaah j'ai envie d eme faire un papeton d'aubergine :c,2.4,French
+7107,Je t'aime même quand je te déteste.,2.6,French
+7108,@MartinFayulu Merci pareillement cher président,2.2,French
+7109,@user Tu parles de quoi dedans ?,2.0,French
+7110,"Semi-conducteurs : ""quelqu'un est en train de stocker"", dénonce Carlos Tavares http",1.0,French
+7111,Faut vraiment que je travaille sur mon énervement,2.6,French
+7112,"@user @user @user @user ""Arrête de te prendre la tête avec des enfants"" me suffit pour me dire que t'es une fraude 👍🏼",3.2,French
+7113,@user Toi aussi il fait 19° qui t’as envoyé,2.2,French
+7114,Les gens qui ont osés prendre un avion hier je les félicites 😂🙈,1.2,French
+7115,"""Vous rêviez d'une table hublot? Airbus se lance dans les meubles design http",1.2,French
+7116,Paris joue très bien la,1.25,French
+7117,@lequipe Lyon gagnant sur un penalty sifflé à la suite d'une main en dehors de la surface,1.0,French
+7118,S’agirait d’expliquer aux gens de mon service que redémarrer l’ordinateur n’est pas la solution à tous les problèmes informatiques 💀💀,1.6,French
+7119,Ma fierté de merde parfois je devais la mettre de côté mais bon🙄,3.0,French
+7120,@user . Si c était le cas les conséquences seraient terribles.,1.0,French
+7121,Respectez vous mes soeurs !,1.8,French
+7122,@user Parle pas c’est mieux 😡,2.6,French
+7123,@user dsl mon reuf elle vient de partir bon courage pour en trouver une !,2.6,French
+7124,@user @user @user Ok alors petit exercice tu va relire mon tweet et me dit précisément ce qui t’a offensé ok ? 😊,3.0,French
+7125,"@user @user Je parle des cinématiques et de la crypte, pas des combats hein.",1.6,French
+7126,@user J'aimerais bien mais impossible d'avoir un contact en vrai,1.6,French
+7127,@user @user Feur 21,1.3333333333333333,French
+7128,on va faire quoi mtn en attendant la s5 #MLBS4Spoilers,1.4,French
+7129,@user les plus belles,2.2,French
+7130,La communauté arabe ils te soutiennent a fond et te descendent à fond aussi.,1.75,French
+7131,@user Bahahaha merci mv mais c’est une blague 😭,3.4,French
+7132,@user Enfin un candidat qui respecte les Français contrairement au méprisent président #Macron !,1.4,French
+7133,"Je suis le Furry King, le roi des furries, du coup je vais te battre ! ...Tu m'as battu.",1.25,French
+7134,sixtine je t’aime (meme si ton prénom va pas avec mon tweet),4.2,French
+7135,@user Sympa finalement cette petite competition 😉 belle ambiance des suisses en plus aujourd'hui...,1.8,French
+7136,@user @user @user Le racisme est une forme d'hypocrisie,1.2,French
+7137,@user et au Real.....,1.0,French
+7138,"@BFMTV Hier grâce à Zidane, Zemmour a gagné 1 million de vote supplémentaire",1.0,French
+7139,@user Meme pas essayer mdrrrr pas de sous er puis je savais que j’arriverais pas à en avoir mais une autre fois !! Et toi !!!,2.2,French
+7140,"@user @JLMelenchon @le_Parisien Bonjour, Je parle de manière générale.",1.2,French
+7141,Annick et moi quand ça sonne à 23h30 chez nous et qu’on habite dans le ghetto http,2.2,French
+7142,À force de vendre du rêve on a fini dans un cauchemar 🫣,1.0,French
+7143,@user T’inquiètes 🥺😉,2.2,French
+7144,@user Des rêves bien nul,2.6,French
+7145,@user Ouiiiii,1.8,French
+7146,🎲 Petit jeu du Dimanche: 😈 • Envoyez-moi vos belles queues (bien droites!) en photos/vidéos et je noterais sur /10 !! 🍆🔥,4.0,French
+7147,@user tu te lave les mains avec du savons solide,1.25,French
+7148,Prochaine destination de mes vacances c’est la Croatie c’est beaucoup trop beau,3.0,French
+7149,@user C'est la fin 😭,1.2,French
+7150,Donarumma que du bluff on vous a dit navas !,2.25,French
+7151,@user @user Vous les renvoyez au bled ?,1.25,French
+7152,@user Oh que oui. Je peins à l'huile et fréquemment je refais mes toiles.,3.75,French
+7153,vous dormez?,1.8,French
+7154,@user Ca a bien changé 😊,1.6,French
+7155,@user @user Ça fait froid dans dos….,2.0,French
+7156,@user *banane prend du pop corn dans le paquet* -j'ai une idée pour sortir ! Mais c'est très risqué !,2.75,French
+7157,ça critique mais gros t’arrives même pas à mon niveau,2.6,French
+7158,#NowPlaying Sylvie - FIL 3 ° semaine de Carême FIL 3 ° semaine de Carême,1.3333333333333333,French
+7159,@user mdrrrr j’ai eu peur justement 😭,2.6,French
+7160,@user Quand je faisais des soirée ça m'arrivait de temps en temps maintenant plus vraiment,3.25,French
+7161,la seule qui a dead va pour le moment c’est blake jveux rien entendre,2.25,French
+7162,"@user C'est juste le meilleur film de tout les temps, profite bien de ces 3h !",2.6,French
+7163,"@BFMTV Mais on ne sait même pas qui est cette personne, c'est pourquoi vous la mettez à côté de Herr Sarkozy",1.5,French
+7164,@user bah snif on se croisera peut être,2.0,French
+7165,@user Je suis choqué je croyais qu'il seront renouvelé Les chaines font un gros menage,1.6,French
+7166,"@user @Fabien_Roussel @MLP_officiel On travaille pas avec les fachos. Les petainistes, ça se combat",1.4,French
+7167,@user C’est un scandale doublé d une honte,1.6,French
+7168,Débile d'arbitre #OMFCN,1.0,French
+7169,"@user @user va voir en Hongrie ton pote le priol, toi fils de pute",2.0,French
+7170,"@user @statmuse En plus on a pas de cap salarial si Russ souscrit son année en option, donc l’année prochaine sent pas meilleur",1.5,French
+7171,"je m’ennuie, qui veut rp avec moi?",2.4,French
+7172,@user @user ch,1.0,French
+7173,"on a le choix entre une raciste et un qui veut tuer les pauvres à la tâche, je m’abstiens",2.0,French
+7174,@user Jtjr ils ont tout,1.4,French
+7175,Merci @user pour cette interview #FrAgTw de @user a #France3Auvergne😇 http,1.25,French
+7176,@user Non le but c’est l’erreur de l’axe si il était à la place de chancel il allait dégagé le ballon de la tête,1.0,French
+7177,@user Un vrai programme pour les présidentielles ça prend du temps madame,1.4,French
+7178,Il y a rien de pire que ce sentir utiliser,2.8,French
+7179,"J'apprends des trucs 3 ans plus tard ptdrr, apparemment à une précédente formation ya un boug qui avait flashé sur moi mdr",3.0,French
+7180,@user Je dirais ton coin Vénus peut-être le Mont saint Michel,1.6,French
+7181,@user @user elle asssume pas le calibre jsuis dead,4.25,French
+7182,quelqu’un pour me payer un pass annuel disney svp??,2.0,French
+7183,@user Les dégoûtants 👇 http,1.0,French
+7184,@user un génie mon lolo,2.0,French
+7185,"Bon, début ou fin de split j'ai toujours des masters dans mes lobby. Il va falloir faire avec j'imagine",1.5,French
+7186,@user Validé à 200% même,1.5,French
+7187,@user C’est à l’image de son mandat non ? 🤣🤣,1.8,French
+7188,être la meuf de Walid c vraiment trop compliqué j’hésite à le tromper,4.0,French
+7189,Bon dimanche après-midi à tous 🙂😘❤ http,1.4,French
+7190,@user Rentre du bois plutôt que faire des photos🤣🤣🤣,3.0,French
+7191,"@user Purée, les coquilles. Désolée . ""Cela n'enlève rien â la beauté et à la grandeur du discours""",1.0,French
+7192,@user Un des meilleur truc du magazine,1.2,French
+7193,"@user @user @user C'est quoi ""les valeurs de la France"" ?",1.0,French
+7194,@user C’est toi qui a utilisé cette expression mon reuf mdrr,3.2,French
+7195,@user @user 🤣🤣🤣🤣 Ah je vais dire quoi 😂😂😂😂😂,1.4,French
+7196,@user C’est trop beau 😍,1.6,French
+7197,@user c une question MDRR,1.2,French
+7198,@user Elle te rappelle surtout d'où tu viens.,2.8,French
+7199,@user Je fais 70 et je t’assure que je suis grand,3.4,French
+7200,@user Merci ☺️,1.2,French
+7201,@user @user Mais tu connais pas la corse et la France dus chnoque,2.2,French
+7202,"J’ai peur de ne pas avoir mon semestre et du coup mon année, ça hante tt mes nuits",2.4,French
+7203,J’ai le meilleur tonton de l’univers.👍🏾👍🏾👍🏾,2.25,French
+7204,Faut je guette l'épisode de moon knight déjà que le 3 était un classique celui là j'ai trop des attentes de fou,1.5,French
+7205,@user Pourquoi c'est le coco qui cogne le pov' ricain ? Un message caché ? On vous voit madame @user .,1.6,French
+7206,"[02/01 19h] nous puissions parvenir par sa Passion et par sa Croix, à la gloire de sa Résurrection.",1.0,French
+7207,Ça y est. Ma vie n'a plus de sens. J'ai fini Haikyuu.,3.25,French
+7208,@user @user Je te dis😂😂😂 intention naye dans cette histoire nazo comprendre yango te,1.0,French
+7209,@raoult_didier Merci ❤️❤️ faites bien attention en traversant la route,2.2,French
+7210,@user J’ai déjà debattu de ca sous d’aitres tweets flemme de recommencer,2.6,French
+7211,Je l’appel et il nie les faits 😭 http,3.75,French
+7212,Ça devient embêtant la,1.6,French
+7213,"Il allait bientôt enchaîner les festivals et bien profiter de son succès, 20ans seulement, l’homme n’est rien.",1.25,French
+7214,@user yepp il est pas mal j’écoute souvent language crypté,1.5,French
+7215,@user @user Mdr pas ça mais moi on me manque pas du respect wsh,2.6,French
+7216,Le plus bel âge,1.0,French
+7217,@user @user @user @user Il y a pas de soucis Après je suis en aucun cas ton frérot,2.4,French
+7218,Mon bac en langues ça va être un gag,4.25,French
+7219,@user waahhh en vrai ça fait que 1 par mois,2.6,French
+7220,"@user @user Je veux bien 3afak, si tu as des sfenj ? Ce serai parfait",3.75,French
+7221,par contre mes parents qui saigne du pink depuis quelque jour j’en est rat là casquettes,4.0,French
+7222,HB à la légende @jul,2.25,French
+7223,Ma vie ne cessera donc jamais d’être une titanesque plaisanterie,3.6,French
+7224,Je sens déjà le seum arriver,1.6,French
+7225,@user Un cas ne fait pas une tendance (d'où l'ineptie de rester scotché sur cette affaire). Et elle a été libérée par le président,1.0,French
+7226,@user il m’a @ tu veux quoi. jalou,3.0,French
+7227,"@user Je vais lire ton article et j'espère que tu liras le mien, c'est très instructif. http",2.0,French
+7228,@user sksjjsie c un ptit délire je t’expliquerai,2.75,French
+7229,"@user Plus que le temps, celui qui pousse à se mentir",1.4,French
+7230,Des fois je me dis heureusement que je suis un flan,1.6,French
+7231,@user @user @user @user tranquille c'est rien,1.8,French
+7232,@user Qui sont les deux premiers gars ? Je crois que j'ai trouvé mes époux.... 😍,3.6,French
+7233,@user Toujours présent si tu veux,3.25,French
+7234,"Avec des coussins ""maison"" pour s'agenouiller... http",2.0,French
+7235,@user La pire de toutes,1.6,French
+7236,@user Je suis accroc mdr ! Jsuis content que tout le monde regarde pas... C'est pour l'élite,2.4,French
+7237,@user Cette frustration,2.2,French
+7238,déjà le truk e maxi moche mai la si i a rien dedan,2.25,French
+7239,@user Oui oui,1.0,French
+7240,@user J'étais en regle mais il n'y avait aucune preuve.,2.8,French
+7241,@user Pourtant y’a eu des week-ends où il était là... Le dimanche plus rien,2.8,French
+7242,@user mais c'est tellement bien glfkfkfk,2.8,French
+7243,Grâce à la recommandation de @user,2.75,French
+7244,@user Bh il vient déjà mdrrr il est aller chercher nos places hier,1.6,French
+7245,@user C'est dépassé elfo!,1.2,French
+7246,Sum elle m’a laisser juste pour pas je paye 50e le parking,2.75,French
+7247,@user Va y envoie bg!!,3.2,French
+7248,@user C’est trop drôle ptdrrr,1.75,French
+7249,@user @user Elle Palestine malgache hun son akpoumgbo est salaire même,2.0,French
+7250,@user C'est quoi cette horreur 😱 😱,1.4,French
+7251,d fois g peur kon break le mutual avc moi,3.333333333333333,French
+7252,jss trop heureuse avec mon copain,4.6,French
+7253,@user T'es supporter du barca ou de Messi?,2.0,French
+7254,DIRECT 🇬🇧 Attaque au couteau à Manchester : la police annonce qu'il s'agit d'un acte terroriste. http,1.0,French
+7255,@user g vu la vidéo d'une meuf qui se le faisait faire et qui a mm pas cligné des yeux lol,3.4,French
+7256,@user @user @user 🙄🙄 là c'est la mort,2.2,French
+7257,@user @user A deux doigts d’organiser une flashmob,1.6,French
+7258,Envie de glisser une bonne bite entre mes mamelons. Qui vient ? http,4.5,French
+7259,#anadoc problématique de la sous évaluation en question! http,1.0,French
+7260,Témoignage de Jérémy un jeune gay jeté à la rue par le Refuge http,2.0,French
+7261,@user réécoute t vocaux d’hier toi,2.75,French
+7262,@user Mdrrr bien vu moi c juste j’ai la flemme de faire les lacées lol,1.8,French
+7263,"demain, priorité de santé publique svpp",1.0,French
+7264,@user (*b • ω • )b,3.0,French
+7265,À 25 balais je pensais être millionnaire,1.2,French
+7266,@user j’espère que,1.25,French
+7267,@user 😭,1.0,French
+7268,@user @user bonsoir,1.4,French
+7269,pourquoi ça serait pas nous ?,2.2,French
+7270,France-Argentine ct le plus beau match des bleus jveux rien savoir,1.4,French
+7271,@user Je vais mentionner son cousin et son frère faut que la vérité éclate,1.8,French
+7272,@user Un peu nostalgique tout ça http,1.2,French
+7273,@user Mais tu veux quoi toi ?,1.8,French
+7274,@radioalgerie_ar @pm_gov_dz Qu il commence par ses Doubab,1.25,French
+7275,@user Owi je peut venir ? 👉👈,3.8,French
+7276,@user @user @user « rue jean macé » j’ai pensé à toi en voyant la vidéo de MV,3.2,French
+7277,@user Je ne pense pas.,2.25,French
+7278,Je pense que y’a entre 20 et 25 centimètres de neige chez moi c’était juste pour vous dire (??? Lundi il faisait 17 degrés),1.0,French
+7279,"«Quand une minorité dicte la norme commune, c’est qu’il est déjà trop tard pour la démocratie» http via @user",1.0,French
+7280,« en vrai j’ai écouté ce qu’ils faisaient bigflo et oli c’est grave bien en fait ! » PUTAIN MAIS ÇA FAIT 1 AN JTE LE DIS,2.4,French
+7281,@user Tu joues où ?,3.2,French
+7282,@Limportant_fr @user Quelle comparaison du haut niveau,1.4,French
+7283,La seule fois que ninho a perdu un feat c’est contre une guitare 🎸 http,1.25,French
+7284,"C'est drôle, les hommes.",2.0,French
+7285,@user @oh4zr C pas a moi que faut le dire,2.0,French
+7286,Vous faites comme vous voulez moi je rends mon tablier😂. Bonne année à tous 🤣 http,1.5,French
+7287,"@user @user @user @user @user @egregoire @libe Pas grave, ils ne sont que 85000",2.4,French
+7288,@user @user Il était trop cool en plus ptdr ça l'a mis grave mal et la prof de moyenne section a raconté à mes parents,3.2,French
+7289,"@user Absurde que l'on retrouve ici, et qui sert aussi dans cette culture du cancel",2.0,French
+7290,Vous êtes trop mignon ceux qui sont en pré blocus depuis hier déjà hahaha,2.0,French
+7291,« Vous savez derrière notre business plan enfant décédé/productivité il y aussi un petit cœur qui bat » http,1.2,French
+7292,"@user ""Prendre indignation"" ????....dites ""s'indigner"" et vous vous ferez mieux comprendre des humains...",1.6,French
+7293,@user je parle de la distribution là pas du style,1.6,French
+7294,@rglucks1 @ClaireNouvian totalement inacceptable. Tant d'ineptie de la part d'un soit disant journaliste est insupportable😡,1.25,French
+7295,À partir de combien de morts ces pratiques font-elles système ? #CedricChouviat http,1.4,French
+7296,@user @user C'est hideux,2.0,French
+7297,@user Oui,1.5,French
+7298,J donnerai tout pour avoir accès à mon ancien compte mabimbo mais j me rappelle ni du mot de passe ni de l’adresse email ugh,2.8,French
+7299,"@user @user Voilà ce que ça donne, de ne pas faire caca assez régulièrement...",3.25,French
+7300,#bonjour La route du #bonheur avec de beaux #arbres symbole de vie. #zen_attitude #BaladeSympa #ligue_des_optimistes http,1.2,French
+7301,"Ok j'me suis trouvé un but dans la vie, allez à Bora Bora 🏝",2.0,French
+7302,@user @user Merci beaucoup Celeste ! 😍❤️🙏🏼 @user,2.0,French
+7303,@user 😂😂😂 elle veut nous mettre dans film...,1.25,French
+7304,@user Le gars c'est une pute,3.2,French
+7305,"un dernier pour moi, car le dodo m’attend. c’était si beau de voir la Twitter fam aussi unis comme ça🤍 #BellCause",2.4,French
+7306,Bon j’ai eu 10 points qui fait pire ?,2.25,French
+7307,@user C’est peu dire !!,1.2,French
+7308,L’enregistrement avec la gagnante du #mpplaneteschallenge aura lieu Samedi 🔺,1.0,French
+7309,@user c'est pas trop mal pour lui.,2.2,French
+7310,🕹😱 Ouch ! Début du fail sur #CuisineRoyale dans 5min !! http #wizebot #twitch #TwitchFR,1.0,French
+7311,Je pensais qu'il y avait un concert de sia 😭#SIA2020,1.4,French
+7312,@user Oh bordel.... pourquoi tu te fais autant de mal ?!?!! 😭,3.0,French
+7313,@TrashTalk_fr Darius garland (Ouais Jsui pas objectif et alors )Hahaha mais objectivement sûrement zion,1.4,French
+7314,la musique “blackout” elle fait fondre mon ptit cœur 🤧,2.6,French
+7315,Sinon le premier zénith de @bigfloetoli c’était y a 3 ans ✨ 08/04/2016 - Tlse #cestbanpourvous,1.0,French
+7316,Le 50ème anniversaire d’AMD sera honoré avec des pièces spéciales Ryzen et Radeon VII http,1.0,French
+7317,"@edwyplenel @Mediapart Mediapart, ce n'est plus du journalisme, même polémique, mais des jugements doctrinaires, dommage !",1.2,French
+7318,Bon jv prendr ma petite douche et me mettre gentillement dans mon bed,4.6,French
+7319,@user Essaye au maximum de penser à Allah tu verras sa partiras tout seul InShAllah,2.8,French
+7320,Mais celui de ma grand mère guyanaise est le meilleur donc on peut dire que c'est vrai,3.2,French
+7321,@user tu rates quelque chose,1.75,French
+7322,@user Je savais t’allai dire ça mdrr,2.4,French
+7323,Une star américaine de l'intelligence artificielle veut faire de Toulouse une référence mondiale #Toulouse http,1.2,French
+7324,Les tweets de Teresa pendant son époque directionner me fument d’une force,2.333333333333333,French
+7325,"Je suis tellement peu souvent en arrêt que je ne sais pas ce que je dois faire de ma journée, mis à part attendre la mort",3.4,French
+7326,Demain je regarde l’oav avec lauryn,2.8,French
+7327,Cam pilleuse blanche,1.6666666666666667,French
+7328,@user Le tien est célibataire,3.2,French
+7329,@user sa pote elle a dit «surtout quand le bébé il pleure » mdrrr mais va te faire foutre wesh,3.6,French
+7330,Coaching par des sportifs : Même les start-up et les PME s'y mettent ! 🥊🏉#Management http http,1.0,French
+7331,@user @user Bien long jsuis meme pas a jour,1.6,French
+7332,J’aimerai faire pause pour pouvoir dormir 24h,2.2,French
+7333,@user C'est celui qui le dit qui l'est 🤙 #SUGA,1.8,French
+7334,"mais mdr, comment voulez vous que j’lui en parle si elle me réponds tout les 2jours",3.0,French
+7335,"Y a une meuf qui a posté son twerk, c’est une ancienne pote à moi. Et je m’attendais à TOUT sauf à ça, mince alors.",4.4,French
+7336,"Ça sert à rien d'me mentir, car j'lis trop bien dans tes yeux.",2.2,French
+7337,@user Bon courage jolie mémé avec des cernes,2.0,French
+7338,@user Ptdr je sais je sais 😕,2.4,French
+7339,En + le temps est joli,1.2,French
+7340,« En France il n'y a pas de justice pour les animaux. » La vérité sur la mort de Chevelu le chat http via @YouTube,1.0,French
+7341,pas interessante mais très sympa c’est déjà ça,2.4,French
+7342,@user @user @user je vais continuer merci théophile ! j’ai trop peur que ça me tombe dessus mdrrr (mercii valouche ❤️),3.6,French
+7343,Sayer j'ai craqué j'ai ft la boule j'ai coupe ma barbe psq ya des jaloux qui pensent je mets de l'huile de ricin !,3.0,French
+7344,"@user @user ptdr mon reuf, entre toi et moi, est ce que cette cate existe dans ufc ?",1.75,French
+7345,Je suis en train de me demander ce qui se passe si on met un cookie préparé au micro onde (vous savez les carrés la qu'on met au four),1.6,French
+7346,@user @user Y’a un début à tout j’croi yen a il vont se foutre à l’EMPIRE bientôt,1.5,French
+7347,@user @user mdrrrrrr sacrément révolté,1.25,French
+7348,"@user ""tournoi amateur des nuls"" XD jem",1.4,French
+7349,@user c fait !!,1.4,French
+7350,"@user Des grands aller-retour, des détours pour se faire casser la gueule par un boug pratiquement aveugle sans ses lunettes ☠️☠️",2.4,French
+7351,@user Go ahead sur,1.0,French
+7352,Pk moi genre j’ai pas un mec de ma miff qui est footballeur pro mdr ça serai incroyable,3.0,French
+7353,@user Les filles qui lâche des « mdrr t trop méchant 😭😭 » quand un gars tacle une meuf c’est des vraies suceuses c grave,2.5,French
+7354,"@user comment vous faites, wesh moi je dors pas jpeuux pas, genre je me reveille en milieu de la nuit en revant de bouffe!!",3.0,French
+7355,@user @user Qd j'dit t'as des vieux gouts c réel vrmt t l'mec qu'a les moins bon gouts sur cette terre,2.6666666666666665,French
+7356,@user Trop bien réalisé 😂😂😂😭,2.0,French
+7357,"@user Chemise à carreaux, c'est carré bro",2.6,French
+7358,Albert Bernard Bongo doit être élevé au Panthéon des grands résistants français qui ont combattu les indépendances africaines.,1.0,French
+7359,Complètement taré celle là ma parole elle est atteinte de perversion narcissique,3.8,French
+7360,😭,1.6666666666666667,French
+7361,@user @user Merci,1.0,French
+7362,Le clip est bien évidemment en cours de visionnage sur le YouTube de la TV du salon.,1.8,French
+7363,"Yop, vous savez ce qui est pire qu'un bébé dans une poubelle ???",1.5,French
+7364,"son score sur snaps il augment trop la, j’aime pas ça",3.0,French
+7365,Quelle idée de m’endormir avec les cheveux mouillés srx,2.25,French
+7366,Ayaya les ex du lycée sur les sites coquins,3.75,French
+7367,@user Le mien est à l'abandon,1.75,French
+7368,@Seeker @user En français on appelle cela une gourde isotherme J'en ai une plus une grande tasse,1.4,French
+7369,"@user « Élite », les tweets genre « seule l’élite a connu ça » je supporte plus 🙄🙄🙄",2.0,French
+7370,Premier pari sur la page 🎾 Zverev a été énorme sur ce match et on encaisse. Suivez moi sur les prochains pari ✅,1.0,French
+7371,@user Toi jte calcul mm pas lâcheuse,2.4,French
+7372,@user @user ça me donne tarpin envie de regarder la BPL mdr,2.0,French
+7373,"@user Non, on parle d’argent là!",1.6,French
+7374,Quelle bonheur 🙏Konbini: Le roman polémique Soumission de Houellebecq va être adapté au cinéma. http via @user,1.2,French
+7375,"@user @martynziegler Une règle de trop, bonne décision.",2.0,French
+7376,@user C’est une chèvre !,1.4,French
+7377,@user perso après 20h c mort les devoirs,3.0,French
+7378,@user Mieux que le monteur de Booba,1.6,French
+7379,Pq c'est si galère de trouver les film en vo,2.0,French
+7380,moi à mon cours de russe quand la prof va parler en russe http,1.2,French
+7381,Setien et son affaire de Fati à droite ci. Tsp.,2.5,French
+7382,Un jour je passerai le cap de t’avoir oublié mais ce n’est pas encore le bon jour,4.4,French
+7383,"@BalanceTonPost @user Un mot sur le préfet Lallemand,? Vous êtes usés prenez vous en à votre hiérarchie pas sur les manifestants .",1.0,French
+7384,@user Je t’ai envoyé un mess en dm ( je crois que c’est en dm),3.25,French
+7385,@BadSniper @user t’avais dit qui déjà ? Falcon y,1.5,French
+7386,"Le ""barrage à l'extrême droite"" était une amie des fascistes. http",1.25,French
+7387,Disparition et assassinat de journalistes: la DCPJ annonce du progrès dans les enquêtes ouvertes http,1.0,French
+7388,@user Tqt je comprend sinon je suis toujours le 2 ème FR personne ma doublé 😂,2.0,French
+7389,"La meilleure des publicités, est un client satisfait — Bill Gates",1.4,French
+7390,@user Je tague??😹😹😹,3.6,French
+7391,@user @user amémmmmm,2.333333333333333,French
+7392,@user Pardon faut dire pour moi 😶 moi jpp,2.0,French
+7393,Être le 5ème SF alors que seulement les 4 premiers sont classés 😢,2.0,French
+7394,@user Pourquoi cette décision alors qu'ils ont battus l'Australie récemment?,1.25,French
+7395,@user Jle suis sur au lit mais ça personne peut savoir,4.0,French
+7396,@user Même les 2011 ils savent wesh,1.8,French
+7397,@user Moi je sais une sieste,2.0,French
+7398,"@user aucun n'aurait et non n'auraient bon, erreur ortho inhérent aux tweet",1.0,French
+7399,@user Sur mon dentier ?,2.6,French
+7400,J’ai l’impression il est 23h c’est pas possible,2.0,French
+7401,@Qofficiel @PaulLarrouturou Tout est de la faute du gouvernement si j’ai bien compris. C’est ballot mais le monde n’est pas manichéen.,1.0,French
+7402,@user avec moi bien sûr,2.6,French
+7403,@user Mdrr faut prendre ses tétons entre deux mains et se jeter à l’eau madame,3.4,French
+7404,@user Et le pire c’est lorsque malgré les débris on veut toujours que le miroir ait le reflet juste de notre image 🤦🏾‍♀️,2.0,French
+7405,Je le hais de tt mon être,4.2,French
+7406,@user #iKONEncoreinSeoul ??,2.0,French
+7407,"""Si vous voulez entendre le son de l'être, Laissez-le se frayer un chemin en vous-même"". K.G. Dürckheim (1896-1988) http",1.2,French
+7408,Tendez vos mains fuck le vizir Chouf ses diamants vous n'êtes légende passe vont,2.25,French
+7409,@user Oui et toi t’as une Audi ?,2.8,French
+7410,Mais jdois déménager,2.6,French
+7411,"@user J'accroche pas du tout à Dragons, ça m'attire zéro, c'est dommage :/",1.6,French
+7412,Moi au peloton d’exécution après m’être fait capturer http,1.2,French
+7413,J’ai trop envie d’aller voir la dame blanche,2.2,French
+7414,"@user @user Je ne pense pas. Je ne suis pas pour ce second tour immonde mais s'il arrive, le Pen passera.",1.5,French
+7415,Nous sommes le Mercredi 26 Février 2020 et il est actuellement 10:27.,1.0,French
+7416,@user Je suis Loïs http,2.2,French
+7417,@user Je connais pas 😅😅,1.0,French
+7418,il s’agirait de revoir ses priorités,1.0,French
+7419,je suis japonaise c’est officiel 🥴,2.0,French
+7420,Imagine t’es là tu vis tu grandit et t’apprends qu’on t’a négocier avec un chien,3.2,French
+7421,@user Pourquoi en deuil ? On dit non à ce projet ; 😇,1.5,French
+7422,Trouvez moi un chopper,1.0,French
+7423,@user merci,1.0,French
+7424,@user c pas grave j’te mange quand même,3.4,French
+7425,#Photos story IG du groupe http,2.0,French
+7426,@user @user Donc courte distance et non pas longue 🤨,1.0,French
+7427,Les Racailles Pistons vont se faire sweep,1.75,French
+7428,Gestion de la paie : quand le gestionnaire de #paie devient digital RH http #digitalisation,1.0,French
+7429,@user C’est qui eux ??,1.0,French
+7430,@user C’est bon ouais j’ai trouvé ! Sur Dokkan ils le mettent aussi,2.0,French
+7431,"@user a bon , et pourquoi ?",1.4,French
+7432,@user même moi j’te vois pas t’a disparu de la surface,1.6,French
+7433,En fait j'suis pensif j'sais pas trop où j'veux en venir,2.4,French
+7434,@user X 1000! Le samedi t’étais même pressé de dormir 😂😂(j’exagère),3.2,French
+7435,@user La Courneuve c’était un règlement de compte entre eux c pas une bavure mais pour vlg si,2.2,French
+7436,@WinamaxSport Le fait que je ne gagne jamais de freebet #FreebetWinamax lejackpot2020,1.2,French
+7437,@user Des gros seins à dévorer,4.4,French
+7438,@user Tu n'as pas eu de progression avec les changements de la dernière fois ?,3.0,French
+7439,@user PTDRRR mais t'as cru que je leur vouais un culte énorme ou quoi ?,2.5,French
+7440,@user J'ai hurlé destitution......,2.6,French
+7441,Moi 🙋🏻‍♀️ et toujours je m’endors quand je lui parle #lrt,3.6,French
+7442,Oh bordel je suis trop deg,2.2,French
+7443,Dépêchez vous de baiser ! 🔞 Le coronavirus arrive 😶🆘,3.6,French
+7444,@user Ma star à moi😘,3.0,French
+7445,@user Je te jure et encore j’avais partiel toute la matinée après j’ai encore écris avec les petits j’en est marre mddddr 😭,2.75,French
+7446,@user Mais nooooooon c'est pas vrai An cool 😭 A tt a l'heure 🙄😇,2.2,French
+7447,"@user Mdr depuis toujours, je ne suis juste pas régulière",2.0,French
+7448,Dans 21 jours j’ai 20 ans 🥺,4.2,French
+7449,@user coopération hostile ?,1.6,French
+7450,@user La guinée Mon pays de rêve,2.8,French
+7451,C'est le retour du sondage caché,1.2,French
+7452,@user Allons nous tenir avec les profs qu’on a ?,1.75,French
+7453,Un homme filmé en train de traîner son chien dans la rue http,1.0,French
+7454,tout vient à point à qui sait attendre,1.0,French
+7455,"Interrogé sur son avenir, Jonas Valanciunas a dit qu’il mettait Memphis en haut de sa liste pour cet été. 👀 http",1.2,French
+7456,leipzig est chaud !!,1.0,French
+7457,Parler chinois ça fait perdre bcp de temps,1.0,French
+7458,L’image contient peut-être : plein air http,1.5,French
+7459,@user Moi tarik même si il est petit je l’aime wallah,3.6,French
+7460,@user @user Gg bienvenue dans la f7 🤭🤭🤭🤭😏😏😏😏,3.2,French
+7461,@user Qu’est-ce qui se passe ?,2.0,French
+7462,@user C'est bcp trop long là phew,1.0,French
+7463,@user @user @user @user @user @user Excellent 👌🏽 j’attends les poids d’ici 1 ou 2 jours 😊,2.6,French
+7464,Toujours calibré dans lclub ré-fré,1.4,French
+7465,"😺✏ — Hmm, pas dans mes souvenirs :/ http",2.6,French
+7466,@user Pauline et Sarah,1.0,French
+7467,Oui Manou la bite est bonne,4.5,French
+7468,Avant de partir je vais faire un tri,3.25,French
+7469,@user déjà fais bg,3.0,French
+7470,@user @user Magnifique! Les gardenias sont des fleurs très belles et tendres!😍,1.8,French
+7471,@user bienvenue princesse !,2.6,French
+7472,Jvais dormir vers 4h jsuis sûr,3.0,French
+7473,@user Moi je faisait comme ça avant de plus en mettre définitivement 😂,3.8,French
+7474,James dîne avec Ursula en stress. http,2.0,French
+7475,@user @user @user @user @user Att je t'envoie le screen en dm c'est une masterclass,2.75,French
+7476,@user C'est 1 choix a faire.. Après tu sais quand tu vois le prix d'un loyer et le prix d'un crédit.. le crédit est moins élevé..,1.8,French
+7477,@user Gvt de fdp,2.0,French
+7478,À côté de mon hôtel en vacance y’a un village avec Guess / Louis Vuitton etc ptdrrrrr 😭 j’vais même pas mettre un pied là-bas,2.2,French
+7479,"🔴""Rester en première division, renforcer encore le lien avec les territoires : deux objectifs clairs pour notre université cette 2020.""",1.0,French
+7480,@user Bah jsp fait un effort tu mets ce qui va ensemble que tu trouves bien,3.8,French
+7481,@user Toi aussi tu en cherche un xd,2.5,French
+7482,@user @user Est-ce que c’est moi qui ai proposé la plage? 😡,2.6,French
+7483,OR OU PAS OR Franchement 12000e une entrecote sans FRITES. C est une CARNA pour oim,2.0,French
+7484,@user j’ai viens dm,2.0,French
+7485,@user Mdrrrr non en vrai c’est bien sa,1.25,French
+7486,@user Aah c’est mieux comme ça deh ❤️❤️,2.2,French
+7487,@user Menteur,2.4,French
+7488,@user @user Super Thread. Et vraiment intéressé par une Tesla. Merci pour toutes ces infos indisponibles au Maroc,1.6,French
+7489,@user Je suis partit m’excuser wesh 😭 ça se faisait pas,2.8,French
+7490,"Flemme qu'on le fasse culpabiliser, vraiment je fais un effort si jamais la meuf elle me parle mal je la recadre directe par contre",2.8,French
+7491,Intevention de f. Chambon directeur de l'académie du renseignement. Évocation des différents services appartenant au 1er ou 2nd cercle.,1.0,French
+7492,"@user @RMCsport Je me posais la question... A priori, plutôt Mendes en lisant les tweets de certains !!!",2.0,French
+7493,@user Jamais de la vie jamais ooooo grand jamais j’aime pas les tomate déjà donc le ketchup encore moin,1.75,French
+7494,La dernière fois contre Sheffield ⚔️ 🔵 #SHUMCI #ManCity http,1.0,French
+7495,@user Ce n'est pas un hasard. D. Reynders est certainement l'homme le plus brillant de la classe politique.,1.25,French
+7496,4h que je taff sur les Paris Sportifs.. j’ai le droit de manger je crois,2.0,French
+7497,Ça faisait un moment j’étais pas venue ici ils ont supprimé mon compte j’étais en mode « purée c’est fermé olala » 😭,2.0,French
+7498,@user Les meilleurs Si j'avais un truc à changé à serait Blue pour Peter http,1.5,French
+7499,@user Merci c’est gentil ☺️,2.0,French
+7500,@user Bah Sylvinho fait pareil hein et lui saura exploiter son potentiel,1.3333333333333333,French
+7501,@user Merci pour eux! Tes bouquets sont sublimes 💐💫,3.2,French
+7502,félix: tu es gros origin: woodman ta mère j'vais la bruler,4.2,French
+7503,Oupsss j'oublie toujours en être une😅 #femme,2.8,French
+7504,@user @user Pas de Ok sec à Ali princesse stp,3.25,French
+7505,@user Tu fais Zindave frère t as mal couple les mots ça veut rien dire parle pas comme nous Haychek t y arriveras pas 😪,2.75,French
+7506,Les nouvelles audi c'est trop. Restons sur le droit chemin,1.25,French
+7507,Flagrant délit de Covid-dressing à la rédaction de @user http,1.0,French
+7508,@user En temps que musulman je souhaite à mes concitoyens français un bon et agréable carême 👍👍👍,2.25,French
+7509,"@user Vraiment personne je crois, c’est le pire début d’année possible",1.8,French
+7510,@user Ça + ses vœux aux salariés.. Ça n'augure rien de bon malheureusement. Vivement la fin du mercato,1.3333333333333333,French
+7511,"@user disponible gratuitement, en ligne, tu veux quoi de plus ? :-)",3.0,French
+7512,@user ne m’en veux pas. Je joue simplement mon rôle de grand frère,2.4,French
+7513,Tellement content que mes frérots ont kiffé 🤜🏻🤛🏻,1.8,French
+7514,PlayStation Store européen : mise à jour du 21 octobre 2019 http,1.0,French
+7515,C'est... Tellement beau 🥺 http,1.6,French
+7516,@user Mrc grâce à vous,1.8,French
+7517,"Une manifestante accuse Didier Andrieux de violences policières, une plainte déposée http",1.0,French
+7518,@user @user @user Elle s'est prise en photo *,1.6,French
+7519,Soir ce grosse soirée encore,2.0,French
+7520,pressé d’vivre ma meilleure vie avec ma nana,3.6,French
+7521,@user @user @SNCF Toi ça fait longtemps que tu t'es pas fait sucer par une fille aux cheveux bleus,4.0,French
+7522,J’fumerais bien un bon joint pour tout être loin,2.5,French
+7523,@user Ba débrouille toi pour que ça soit le cas parce que t'as pas d'excuse 💪,2.4,French
+7524,@user Ouii lâche la belle Kelly,2.8,French
+7525,@user t’as un plan pour éradiquer tout ça?,1.75,French
+7526,@user C elle qu’est ravissante... 🥰🥰 ptdrrrr,2.6,French
+7527,like et je fais ton starter pack (si je te connais),1.8,French
+7528,Oh eh je me suis levée et omg hein,2.4,French
+7529,Lorsqu’un coronavirus islamique défiait Mahomet http,1.25,French
+7530,&amp; ma meuf à validée ptdrrr,3.4,French
+7531,@user de fou oof jungkook avec ses lentilles et les confettis bref les photos sont 💓👉🏻👈🏻💓,2.0,French
+7532,@user Ah la luxure nous aura tous..,1.25,French
+7533,C'est la les choses sérieuses commencent !!!,1.4,French
+7534,@user @user c’est grave moi 😂,2.333333333333333,French
+7535,@user Je LES prend et oui prend LES,2.6,French
+7536,@user Juste le 1er ministre. .... Les autres sont en train de serrer les fesses,1.4,French
+7537,"@RockstarGames bonjour.suivez @user , c'est le meilleur youtubeur concernant red dead online.",2.0,French
+7538,@user Après 7 mois de séparation 😊😂🤪🤣,4.0,French
+7539,j’ai carrément oublié l’école je crois...,3.75,French
+7540,@user Parlons de ton père qui fait le tapin sur l'autoroute et qui vend son cul pour 1 euro en pièces rouges,3.4,French
+7541,"@user les un les autres etc ... : ; . ,",1.0,French
+7542,@user c’est satisfaisant de voir du talent🤧🤧,1.0,French
+7543,Je t’ôme,3.5,French
+7544,@user @ninhosdt J’espère wsh,1.75,French
+7545,"@user essaye pas de dire le contraire, on sait tous que ça serait un mensonge",1.6,French
+7546,#2019sansboite ça va être dur mais on y croit !,2.25,French
+7547,"@user @user C'est pas une critique, mais une réalité. Faut accepter aussi d'autre avis. On doit toujours pas vous complimenter.",1.0,French
+7548,"Ma tortue n'est plus, ma tristesse est infinie, sois heureux dans ta nouvelle famille Daisen Scofield http",3.25,French
+7549,"Je viens de regarder tout lez épisodes de boruto, j’ai plus rien à faire j’ai accomplis ma mission",2.0,French
+7550,@user 😭😭😭😭 C'est vrai ptddrrr,1.25,French
+7551,Dites vous je suis qqn d’hypocondriaque alors cette histoire de virus arrivé à Paris me fait tellement peur,1.8,French
+7552,@FortniteFR balancez les v bucks pour le nouvel an,1.6,French
+7553,@user Tu ressembles au petit Mayombo,2.2,French
+7554,@user @user @user C’est un piège d’habiter à côté 😔,1.75,French
+7555,Ma pauvre @user tu n'arrives pas à en placer une !,1.8,French
+7556,@user Tu as oublié ce qui sont d'actualité ! @user papa alobaki le peuple d'abord ! Eeeeh kangela biso Kabila eeeehh!,3.6666666666666665,French
+7557,@user ?? :/,2.25,French
+7558,@user @philousports @gregmargotton Un amoureux du sport en général... Et c'est beau 😊,2.2,French
+7559,@user 🤣 j'aimerais bien savoir quel congé mat ils ont cherché a remplacer du coup...,2.2,French
+7560,"@user D'après Nicolas Mahut, le prize money du 1er tour sera versé aux joueurs.",1.0,French
+7561,@user @user @user @user @user Je te demande juste d'aller apprendre l'histoire du Cameroun.,2.0,French
+7562,@user @SeaShepherdFran C'est la même pour moi mdr,2.0,French
+7563,@LeHuffPost J'aimerais bien avoir une augmentation de 100€ net par mois... Mon augmentation pour cette année a été de 32€ net...,2.0,French
+7564,@user Je t’aime moi,2.8,French
+7565,j’aime trop loona,2.0,French
+7566,sans les réseaux l’amour serait moins tordu,1.75,French
+7567,"Couleurs tropicales - Musique, humour et Génération Consciente du 2 avril 2019 http",1.0,French
+7568,@user Je leur fais confiance perso,2.8,French
+7569,@user moi aussi mtn a caus dtoi,2.5,French
+7570,"@user On parle d’arabe en Iran , alors pour ramasser tes like dit une autre merde",1.0,French
+7571,Tchieuu 🤣🤣🤣🤣,1.75,French
+7572,Vrmt jme suis senti trop coupable d'avoir laissé tiya chez elle cette nuit mon pauvre bebs,4.2,French
+7573,"vendredi j’ai attendu jusqu’à 3h, pas de petite bourgeoisie et en plus j’ai raté j’oublie tout de jul.",3.2,French
+7574,Y'a un tas de choses que je dois arrêter mais me goinfrer de chocolat n'en fait malheureusement pas partie,3.0,French
+7575,Je suis à la recherche de Hajime Iwaizumi 🔎😁 (celui à gauche) http,3.2,French
+7576,Le temps passe mais es ce que les cicatrices s’effacent ?,1.5,French
+7577,Les maghrébines qui fav je vous comprend pas http,1.0,French
+7578,@user @user De quoi tu parles pas du tout,2.0,French
+7579,Ué ué ué ué 🤔🤔🤔🤔,1.0,French
+7580,"@user @BernardLaporte_ L’Avesnois c’est une zone sinistrée, et l’autre il te sort “c’est trop facile”. Abruti.",1.6,French
+7581,@user Imagine que tous les gars se dirigent vers toi ?comment vas tu faire ??,2.0,French
+7582,J'ai pleins de trucs à dire à pleins de personnes mais j'ose pas. Pourquoi ?,3.2,French
+7583,@user @user Je suis là aussi que fais tu ?,1.75,French
+7584,@user @user Elle profite clairement de toi ! Ne l’attend surtout pas... c’est quelles foutaises ça ? Tchiiip 😒,3.8,French
+7585,"@user Vu que ça vient de Mediapart, permettez-moi de douter de l’objectivité du propos...",2.0,French
+7586,"""Je continue à faire la bise"" : pourquoi tant de Français rechignent aux ""gestes barrières"" face au coronavirus http",1.4,French
+7587,Bon vasy rt ou fav et et jte vanne gratuit,2.75,French
+7588,ça me manque,3.0,French
+7589,@user Ils drainent vraiment des sectes chez LREM 😑,1.6,French
+7590,@user Mdrr c’est le pouvoir des féminazis ça,1.5,French
+7591,@user bah après un festival c’est souvent comme ça ....... mais tu peux y aller sans fumer trql,2.0,French
+7592,"C'est qui le parti là, qui distribue des tracts bleu et blanc façon JMJ ? #Renaissance",1.4,French
+7593,@user Tu rigoles mais il m’a proposé des lentilles juste pour le foot mdr,2.75,French
+7594,@user Clairement faute pro des dirigeants et de l’entraîneur parce que pour le coup ils sont loin d’avoir un effectif éclaté,1.0,French
+7595,@user Qu'elle chaîne ?,1.6,French
+7596,@user T’as une trace blanche sur le nez 😀,2.8,French
+7597,"Vendée. À l’île d’Yeu, la borne de stationnement alerte par SMS les policiers http #iledyeu #yeu #Vendee",1.0,French
+7598,@user vérité,2.0,French
+7599,"[MESSAGE DE SERVICE] Dans le train ou l’avion, ne regarde pas l’écran des autres voyageurs : tu risques de te faire spoiler très fort.",1.25,French
+7600,4 épisodes pour s'en rendre compte. #KohLanta,1.0,French
+7601,Tweet visé : je te louve grave,4.0,French
+7602,@user Mais il y a un tas d'autres trucs que tu aimes que tu dis pas. Message reçu 👍🏽,3.2,French
+7603,Thread de mes covers préférés de Jungkook:,2.6,French
+7604,"jsuis explosée y a une anglais dans le bar ou jsuis qu'arrete pas de dire ""fuck my life fuck my life"" mais mdrrr gros mood",2.8,French
+7605,@user reflet d’une grande souffrance de la part de son émettrice... 3/,2.5,French
+7606,"Offre d'emploi: Cherche nounou 16 h/sem à PUTEAUX pour 3 enfants, 3 ans, 6 ans, 8 ans (PUTEAUX) http",3.25,French
+7607,"On a jamais parlé mais j’aime trop t’a personnalité à travers tes tweets, ton style musical aussi rien à dire",3.4,French
+7608,@user Avec plaisir ahahaha tu me diras à qui je verse les droits d’auteurs si je me le fais 😂😂,2.0,French
+7609,"[VIDEO] ""Gilet jaune"" matraqué et blessé à la tête à Besançon : une enquête ouverte http",1.0,French
+7610,Qui veut échanger des nudes ?,4.6,French
+7611,Municipalité de Nice: Une autorisation pour le Michael Jackson de Nice - Signez la pétition ! http via @Change,1.0,French
+7612,"Bonjour à toute et tous mes twittos, je vous souhaite un très bon Samedi. Bisous à tous http",2.0,French
+7613,"@user ouais c’est lui, ils sont tous les deux dans l’agence de Psy",1.6,French
+7614,"@user Tout ce qu'ils font est bien, parfait exemplaire.... Voyons 🤔⁉️",1.2,French
+7615,@AREtoiles Je réponds stuka,1.75,French
+7616,Ça rend plutôt pas mal http,1.6,French
+7617,@user Il te suffit de le retirer Absorbe les nutriments donnés par dame nature directement a travers tes pores,1.6666666666666667,French
+7618,@user Mais jcrois avt jvais quand meme verifier au truc ou s’est moins chère dans le 77,1.4,French
+7619,"Urgence pour Raspoutine, l'ours polaire enfermé sur la côte d'Azur http via @user",1.0,French
+7620,Un blanc dans le 93. http,1.0,French
+7621,Amitié gâchée on peut plus s’aimer,3.2,French
+7622,"@user @user @user Qu""est-ce qui s'est passé encore?!",2.2,French
+7623,demain je reçois mes lentilles de couleur,3.4,French
+7624,Mdr niska il a dit « ca va ? » a cavani en mode ils ont grandis ensemble,1.0,French
+7625,@user @user Je suis bien détendue maintenant haha,2.75,French
+7626,@user @user @user @user je suis pas dedans mais vous verrez par vous même,1.75,French
+7627,@user @OliechHS Il greed beaucoup la @OliechHS,1.25,French
+7628,"@user Bonjour Francis, bonne journée à toi aussi. 😊😘",2.0,French
+7629,@user Mais tsais que le mien il marche tjr hein,2.0,French
+7630,@user @user Blocage national le 5 janvier #MacronDemisson,1.0,French
+7631,"Bonne année à tous, la santé avant tout. En espérant que 2019 soit que du bonheur pour tous http",1.6,French
+7632,"Un manga authentique, décrivant, sans détour, le quotidien des travailleurs au coeur de la centrale de Fukushima. http",1.0,French
+7633,@user Les poses je fais a 50 😉,2.4,French
+7634,@user Hahaha ils vont te mettre un vent mes ptn de rois,2.0,French
+7635,@user @Twisted_Chips Il y a t-il suffisament d'équipe pour alimenté une ligue 2 et un LoL open tour ?,1.25,French
+7636,@user jte graille 💜 (viens dm j’ai fait ma première prod ever),3.75,French
+7637,«On n’a pas créé le modèle d’Uber autour du salariat» : interview du directeur général d’Uber en France http,1.0,French
+7638,@user T'as pris tes cachets ?,3.4,French
+7639,📢 Je démarre un 🔴 LIVE sur #PCBuildingSimulator ! http #wizebot #twitch,1.0,French
+7640,@user Ça tombe bien le concour j’ai pas de v bucks,2.0,French
+7641,Retrouve moi à minuit j’ai souvent l’insomnie,2.6,French
+7642,@user Évidemment voyons,1.2,French
+7643,"Une nouvelle princesse dans la famille, bienvenue Zoé 🥰👶🏼❤️",4.8,French
+7644,@user @user @user @user Les musulmans c’est tous les mêmes gneugj http,2.4,French
+7645,@user @user Moi j’ai personne 🥺,3.4,French
+7646,Jsuis encore dans mon lit glk 11h mdrr aller va là-bas,2.5,French
+7647,Il imite l'appel a la priere de maniere irrespectueuse venez on fait sauter son snap : bwmbref76 http,2.6,French
+7648,Jviens d’envoyer les 2 snap les plus mythique de l’histoire à Maël,3.2,French
+7649,Bordel l'épisode 15 de Station 19. Grosse chialade.,1.0,French
+7650,Maintenant on va demander tu fais quoi comme études je vais plus répondre je suis en prépa HEC mais plutôt je suis à l'ESC PAU,3.2,French
+7651,"J’aimais trop faire la styliste du coin en mode « non ouvre ta veste sa fait mieux, met cette paire avec » etc",2.4,French
+7652,@user Mais c’est en aucun cas dégradant elles sont belles à leurs façons,2.5,French
+7653,Dans un mois exactement c’est mon anniversaire 😋,2.25,French
+7654,@user Clairement comment ils font pour garder leur calme j’ai envie de le balayer là,2.4,French
+7655,@user @user Cette passe extérieur du pied non l’application doit suivre 😩😂,1.0,French
+7656,Cest dans quel son où Ninho est éclaté ?,1.4,French
+7657,@user Ça serait possible d'avoir la recette ? Il a l'air excellent,2.0,French
+7658,@user Aieeeeee courage à toi on est vrmt pas ensembles sur ce coup là,2.8,French
+7659,donc le Mali a gagné où nous on a galéré pour un 2-2 http,1.0,French
+7660,Je me disais bien que je l’avait vu dans le film #AvengersEndgame http,1.8,French
+7661,@user @user Tu as oublié quelque chose ! http,1.4,French
+7662,Ylan il fait le mec qu’il a fait une gaffe alors qu’il voulait très bien le faire,3.0,French
+7663,@user J’ai mis du liquide de refroidissement donc mon réservoir à huile moteur,1.5,French
+7664,Si je t’invites dans le sud de la France tu viens? — Avec plaisir haha http,3.5,French
+7665,Arretez de mettre dans vos story tweet etc les décès ou maladie de vos proches gardez le pour vous au lieu de vouloir attirer l’attention,1.5,French
+7666,@user @MTVteenwolf We're going to have a new code. Nous protègons ceux qui ne peuvent pas se protèger eux-měmes -Allison Argent,1.3333333333333333,French
+7667,"@user Yep. Pourquoi tu crois que je la déteste autant ? C'était il y a 3 ans maintenant, but I'm still angry. 🙃",2.6666666666666665,French
+7668,Ptdrrr écoutez votre poto Soolking à propos de One Piece http,1.75,French
+7669,Demande-moi n'importe quoi ! http,3.0,French
+7670,🔥#MPokora est en direct de la #GrandPlace de #Lille sur #ContactFM • @user @MPokora http,1.0,French
+7671,Ne vous faites pas avoir on vous dit se que vous voulez bien entendre,1.4,French
+7672,Qui pour M’ÉCRASER le bas du dos avec son poids svp,3.0,French
+7673,@user Je viens justement de tweeter la même chose en demandant si c'était la pire année depuis l'ère QSI,1.2,French
+7674,@user Ptdr pour un supporter de Monaco tu parles un peu trop,1.0,French
+7675,rach elle nous sort des users comme ça alors qu’on parle en mode on joue au carte,3.0,French
+7676,@user Tu vas t'en sortir j'en suis sûr,2.0,French
+7677,@user avec les mm paroles ? jpense que bof,2.2,French
+7678,"L'equipe algérienne de football est ethniquement homogène, aucune diversité à l'horizon. http",1.0,French
+7679,Daenerys elle a avoué à Sam qu’elle a brulé sa mif en sauce barbecue en pleine face wAw elle est trop confiante elle m’vnr,1.0,French
+7680,(La première est tellement meilleure),3.0,French
+7681,@user Pourtant la main était flagrante. Comme tu dis la personne devant l’écran roupillait avec cette chaleur. 😂,2.0,French
+7682,il manque de mecs qui rt du porn dans ma tl et ça c’est très triste,4.0,French
+7683,Il était tellement pas destiné à marquer l’Histoire de l’@OM_Officiel et pourtant... Bonne continuation! #TeamOM http,1.75,French
+7684,@user Regarde Mr Robot. Meilleure série des dernières années. Raison pour laquelle la télévision sera toujours supérieure au cinéma,2.0,French
+7685,Bim! On l'avait pas vu arriver celle-là: « Allo? A l'huile! » 😂😂 #VirginTonic http,1.0,French
+7686,@user C’est bien si vous arrivez à vous faire rire avec ça 🙄,1.25,French
+7687,"Je vais te laisser t'en aller, je vais te laisser t'amuser",2.2,French
+7688,@user @user Le Choipeau savait qu'au fond de lui Harry Potter était un Serpentard. Le Choipeau a toujours raison.,1.0,French
+7689,1 mes 💔,3.6666666666666665,French
+7690,c bon jvous embête plus avec ma grosse tête 😔 👉🏾👈🏾 http,2.6,French
+7691,"tu est ma maladie, ma guérison quand tu l’decide. mes nuits s’illuminent j’en confonds le jour et la nuit.",2.75,French
+7692,@user C’est degueu le goût du carton,1.4,French
+7693,@user Et Bonne Année 1920 à vous !,1.2,French
+7694,@user Non pas encore ça c'est en février mais je vais faire un tour,2.333333333333333,French
+7695,@user @user moi je dirais dans un sac... a poubelle,2.5,French
+7696,Merci beaucoup 🤗 😚,1.75,French
+7697,"En France, la moitié des radars tourelles vandalisés sont en Occitanie via @user http",1.0,French
+7698,"Psaumes, 103:12 - Autant l`orient est éloigné de l`occident, Autant il éloigne de nous nos transgressions.",1.0,French
+7699,Qui peut passer un compte r6 avec les camos saison 1 ou 2 proleague ?,1.6,French
+7700,@user A partir du moment ou tu compare une equipe de Ligue 1 à une equipe de PL comme city ta pas l’droit à la parole bonne soirée.,1.2,French
+7701,"@user ""J'taplaudi comme les soignants""",1.2,French
+7702,@user Ça serait pas plutot jojo le manga de trans,1.75,French
+7703,@user C’est inhumain ! Il faut que ces 6 enfants rejoignent vite leur père à la Jamaïque.,1.0,French
+7704,Qui m’invite manger au mims la ça date,2.6666666666666665,French
+7705,Sa fais grave du bien du coup la,3.0,French
+7706,"@user Mais en écho à ce qu' à dit villas boas qui pense qu' avec ce groupe on peut finir en ldc, c est impossible clairement.",1.0,French
+7707,#FRAvITA ...on laisse des points au pied avec ce vent.,1.0,French
+7708,"@user Franchement boruto c'est pas si nul que ça, faut juste pas s'attendre à un nouveau Naruto",1.6,French
+7709,victoria’s secret je leur donne mes sous alors que les produits sont nuls,2.8,French
+7710,@user J’allais sortir un truc mais j’ai oublier mtn,1.6,French
+7711,C'est quand le #NctZenSelcaDay et le #stayselcaday encore svp ?...,1.25,French
+7712,Les 2 plus gros salaires de Ligue 2 au RC Lens… qui n'en paye qu'une partie http #RCLens http,1.0,French
+7713,personne : no one : namjoon : j'arrive dans votre vie http,2.4,French
+7714,@user Achète un adaptateur si c'est la prise ou branche le à un pc 😌,1.2,French
+7715,@user AH OUIIIII @user cest toi qu'avait dit ca😭😭😭😂,3.2,French
+7716,Trop épuisée,2.6,French
+7717,"Pour mes petits enfants Tsubasa et Kaédé, enlevés par leur mère au Japon le 10 août 2018. On pense à vous. http",2.4,French
+7718,@user Il en a rien à battre de Bruna 😂,2.2,French
+7719,@user @user Je sais je fais juste chier,4.5,French
+7720,@20Minutes @user Je m’en doute ! On va être déçu !,1.0,French
+7721,@user A croire t’es vierge,4.333333333333333,French
+7722,"Toujours en retard, je veux les tuer.",2.25,French
+7723,@user Azi bg moi perso g travaillź sur la posture de l homme,3.0,French
+7724,Guerrilla Games : le producteur Patrick Munnik est décédé http,1.0,French
+7725,@user oui mais tu va faire quoi,1.6,French
+7726,@user J'aurais pu avoir 3......,2.5,French
+7727,@JeniferOfficiel Ah ben moi je suis dans la catégorie petite voie.,1.8,French
+7728,@user tu veux me parler sur quel réseau ?,2.8,French
+7729,"@user mais les médias sont graves, laissez le :)",1.2,French
+7730,@user Tu prends ça et tu découpe du papier tu met t’es réponse et tu le glisse dans la recharge http,1.0,French
+7731,@user Oui j'ai vu ça,1.2,French
+7732,arrêtez de changer de pp punaiseeee,2.0,French
+7733,@user Oui 🤣🤣,1.2,French
+7734,@user j'ai dit si ce n'est plus,1.4,French
+7735,Jcrois zola a placé presque tt c sons dans le classement la jsuis content,2.0,French
+7736,@user Dans la liste faut ajouter l'aspirante soeur Thérèse #Kapanga. @user,1.25,French
+7737,Date de livraison estimée le 28 janvier mon jour de repos c’est PARFAIT,1.8,French
+7738,J'ai eu une bougie pour Noel c'est vraiment trop apaisant,2.4,French
+7739,Au dd,1.0,French
+7740,@user Nike meilleure partout,1.25,French
+7741,@user Je pense que les femmes ont la pleine capacité de prendre cette décision,1.5,French
+7742,Ça trotte dans ma tête j’en ai envie mais il faut que ça s’arrête,2.8,French
+7743,@user Cette quoi cette question de merde?,2.6,French
+7744,@user Jviens de voir c une meuf mdrrr pas étonnant,1.8,French
+7745,@user @user Ahhhh tu vas avoir des problèmes toi 😂🤣🤣🤣🤣 http,2.4,French
+7746,Demande-moi n'importe quoi ! http,3.333333333333333,French
+7747,@user Je les ai même pas loupées !!,1.25,French
+7748,meme les meufs se cache plus elles rt du porno a tout va,3.2,French
+7749,"@user C'est grave un message d'espoir que j'envoie là, jamais contente ✋🏾",2.2,French
+7750,C’est bien ce que je me disais.,1.0,French
+7751,Vous le sortez d'où votre argent pour vos voyages de dingue la mdrrr ?,2.4,French
+7752,Afrique du Sud : l’Eskom procède à un allègement de son directoire http http,1.0,French
+7753,@user je comprend même pas ce que t'as voulu dire,1.5,French
+7754,@user ptdrrrrr je l’ai vu tt à l’heure j’ai pensé à toi,2.75,French
+7755,@user La famille seulement je suis entouré de ma fille et les neveux tonight,3.0,French
+7756,@user @user well je savais pas du tout putain merci pour la découverte,1.5,French
+7757,Rencontre avec un autre adhérent de ALT236 pour la première fois de ma vie je me sens moins seule dans l’univers http,3.0,French
+7758,@ThiemDomi fait moi rêver aujourd’hui papa !!!,3.4,French
+7759,@user Et si c’est moi qui te l’offre ?,2.4,French
+7760,@user @user Il a sûrement pas vu BrBa,2.333333333333333,French
+7761,"@user on sait tous que non bien sûr, tout le monde film ou regarde mais personne bouge, même les flics à côté font rien c’est nptq",1.0,French
+7762,@user @user @user Tu vas surtout m'envoyer le nom de la meuf sur ta photo de profil😡😭,3.6,French
+7763,#dysphophoto faut avouer qu'un peu de soleil ça motive http,1.8,French
+7764,Tweet visé : Mdrr continuez bien à vous foutre de ma gueule j’espère que vous vous rendrez vite compte des conséquences de vos actes,2.8,French
+7765,Regretter c’est la pire chose au monde,1.4,French
+7766,@user @brfootball mais gros je te mentionne pour le visuel là,1.8,French
+7767,Putain je suis deg que le live de benze il s’est coupé,2.25,French
+7768,@user La saison 2 est nul surtout la fin,1.6,French
+7769,"@user tournoi par ecole en equipe, arma cs challenge je crois il s'appelle",1.25,French
+7770,denis il est derch fd vrai boug ça,2.25,French
+7771,@user Tu ment toi,2.4,French
+7772,@user C'est quand même plus drôle avec le son mdr,1.4,French
+7773,Ça fait juste 2j j’suis déscolariser j’ai l’impression ça fait une éternité force à ceux qui le sont tout l’année ont est pas ensemble,3.5,French
+7774,@user merci pour cette retranscription ;),1.0,French
+7775,"@EmilieCChalas Quand t'as pas d'idée, le fanatique LREM invente des problèmes.",1.4,French
+7776,j'en apprend tous les jours ça me fait bien rire,1.4,French
+7777,"@user Ah j'ai pas, tant pis jvais chercher pour essayer de le voir ce soir",2.6666666666666665,French
+7778,@user L’orthographe et moi on s’aime vraiment pas,1.6,French
+7779,@user Jv épouser ton volet,1.6,French
+7780,@user / j'ai rien à assumer (elle devait v'nir lui parler ce soir justement),3.4,French
+7781,@user Mdrrr Agrid il commence a être relou là par contre,1.6666666666666667,French
+7782,"2020, je veux maigrir, et je vais maigrir! On en reparle en 2021 bisou",2.8,French
+7783,@user @user @thedailybeast ?,1.0,French
+7784,@user Apprendre à bien gérer son argent: gagner épargner investir,1.0,French
+7785,Bom diaa né,1.5,French
+7786,Qu’est ce que j’ai hâte de finir mon année là,2.0,French
+7787,@user La fusion des deux (un dessine la partie gauche de vegeto et l'autre la droite 🙃),1.5,French
+7788,Maria j’lui fais bcp trop confiance ❤️,2.6,French
+7789,Une voiture force un barrage de «gilets jaunes» et fait un blessé http via @user,1.0,French
+7790,Une étude révéler que toutes les filles qui aiment The Weeknd XXX et young Thuf sont toutes magnifiques,1.75,French
+7791,"@user 😅😅😅 si ça te fait du bien, pourquoi pas 😂",3.0,French
+7792,"@lafouine78 À quand un sond à la ""hamdoulah moi ca va"" ?",1.0,French
+7793,Quand on convoquait ma daronne je payais 20€ à ma tante elle m'accompagnait Ptddr elle comprenait pas un mot de ce que les profs disaient,2.8,French
+7794,Bienvenu dans c’est ma vie,2.0,French
+7795,@user @user Mdrrr mais wsh c’est nul d’être normal,1.4,French
+7796,@user Tu m'a piqué mon tweet enculer va,2.75,French
+7797,@user J'avoue pas avoir été emballé ;;,2.0,French
+7798,@user on est grave d’accord ????? c quoi ce plot twist chelou là le pire c quand elle dit elle est une skywalker ????,2.0,French
+7799,Est-ce que quelqu’un a des nouvelles d’Andrea Tafi ? #ParisRoubaix #LesRP #AntenneVieux,1.6,French
+7800,J'aimerais faire une cure de désintox de sucre.,1.75,French
+7801,les mecs qui font du playbac tout sa c'est meme pas la peine comment sa me degoute beurk,1.6,French
+7802,@user super la nouvelle fonctionnalité twitch hâte que tu l'utilise sur des jeux sur lesquels c'est plus utile. #twitchsquad,2.0,French
+7803,@user J'espère de tout mon coeur qu'un camion de 8 tonnes t'écrase bg,3.0,French
+7804,@user @user @user BTW toutes les banques FR ne sont pas merdiques côté virement. Mais certaines en tiennent une sacré couche),2.5,French
+7805,"Bon, fok bien zot manger pendant carnaval ta a ? On va sortir le menu dans 1 semaine 👀",2.75,French
+7806,@user Va pour une bièraubeurre!,2.4,French
+7807,je suis une triple idiote j'ai oublié mes médoc :)))),3.4,French
+7808,@user Moi je veux bien mais LREM ne me laisse pas de répit avant la semaine pro !,2.2,French
+7809,"@user @user Non, les clubs espagnols sont super endettés pas tous mais beaucoup et surtout les plus gros",1.25,French
+7810,"Le covoiturage jamais t'imagines avec goldapute, fromage blanc, ou Bein quoi !!! Plutôt mourir 🤣🤣👍#GGRMC",1.8,French
+7811,@user @user Perso je l’entends 1 fois sa mcasse déjà les couilles forces à vous ceux qui se réveille avec 10 réveils ✅,2.0,French
+7812,@user @user Non mais c’est l’une des histoires qui marques crm le debjts de notre amitiés 😭😭😭😭 ! Quel catastrophe,3.25,French
+7813,@user @user Je lui est dit en msg que si elle supprime son tweet le mien aussi sera supprimé,2.25,French
+7814,@user Oui il n’est plus de notre monde,1.6,French
+7815,@user Tu aurais dû utiliser l’option sondage les meufs auraient répondu ( j’en ai déjà reçu sur WhatsApp),2.2,French
+7816,"Je viens de perdre mes écouteurs, si je ne retrouve pas sa je vais seulement rester ici.",2.2,French
+7817,ON VA AVOIR ÇA À PARIS @user panique avec moi http,3.0,French
+7818,"@user J'avoue, c'est classe",1.8,French
+7819,"☇❄t’es un bon aussi toi, jtm bcp loulou, fais attention à toi",3.2,French
+7820,J'ai supprimé mon tweet 1 fav = 1 fun fact sur moi parce que je panique lol,3.25,French
+7821,Ou son l’es bruxelloise pour sentir leur pieds je paye pour l’es odeur de pieds de fille bruxelloise aller aller,3.333333333333333,French
+7822,@user @user Je ne pense pas qu'ils vont lui faire un cadeau.,2.25,French
+7823,@user laisse le trql .,2.2,French
+7824,c’est nul ici ce soir,3.25,French
+7825,Aidez-moi à avoir les 1k rt svp grosse mise en jeux ! http,2.0,French
+7826,"@user @user oh ptn je t'aime un peu, d'habitude on m'insulte direct mais t'es adulte toi !",3.0,French
+7827,on aura réussi à la vivre notre ptn d’histoire,3.8,French
+7828,J’ai envoyé 15snap a mon mec et il a répondu à aucun http,4.75,French
+7829,@user Après toi déjà,2.25,French
+7830,"le BAC approche de fou la, jsuis pas prête 😖",3.0,French
+7831,@user J'comprend pas que tu ais pu faire l'école et tweeter toujours aussi mal.,2.75,French
+7832,Tu me manque beaucoup ! 😢 J’ai si hâte de te revoir pour #KINGDOMTOUR à Bordeaux ! 🥰❤️ @iambilalhassani 💕 http,3.5,French
+7833,"*Relation amoureuse sans aucune dispute n'est pas une relation, c'est juste une association de 2 hypocrites*😂🚶🚶🚶",1.0,French
+7834,Reposter ses memories sur Snap c’est un truc de meuf,1.6,French
+7835,"@Cdiscount bonjour, en voici un chouette cadeau ! je tente ma chance, merci 😀😀",1.0,French
+7836,@user je pense pas que leur fournisseur soit sur aliexpress c’est des imitations,1.2,French
+7837,Qui pour un échange de sentiments amoureux ? Purement professionnel ☺️,4.0,French
+7838,J’ai vrmt honte d’aller au lycée avec cette tête,4.0,French
+7839,@user T’en a pas,1.0,French
+7840,2 hommes d’exceptions sont morts à cause d'imbéciles qui se moquent des recommandations c'est lamentable !,1.0,French
+7841,@user @user J’avais vu trop juste!!,2.25,French
+7842,@user @user @user il faut répondre c'est toi il demande non?🤣😂🤣😂🤣,2.25,French
+7843,@user @user @user @user Bah c'est ce que j'ai dis 😅,2.2,French
+7844,@user moi quand je vois ce tweet,1.4,French
+7845,@user c’est un génie,2.0,French
+7846,@user j vais creuser un sous terrain qui va me ramener cash dans ta chambre comme ça on pourra confiner together,3.6,French
+7847,@user @user @user @user @user @user Les cordier juge et Flic,1.4,French
+7848,@user Ça te fait combien ? :),2.0,French
+7849,@user Les vrais comprendront,1.25,French
+7850,"Hommage à François Le Goff, président de l’Aflec et à M. Issam Daouk #agaflec http",1.2,French
+7851,marchez humblement auprès de votre seigneur gloire à Dieu 🙇🏽‍♀️,1.4,French
+7852,"@user Merci beaucoup pour le partage, ça fait super plaisir de voir de vrais passionnés de films indiens !!! :D",2.0,French
+7853,@user @user ptdr obligé elle mange en scred wallah j’y crois pas moi,3.0,French
+7854,Putin mais jamais j’arrive à dormir c’est grave,2.4,French
+7855,Et la j’ai la nausée,3.4,French
+7856,j’ai trop envie de relancer le #CeSoirTribunal,1.3333333333333333,French
+7857,@user ah je pensais,1.6,French
+7858,@user Pourquoi un succès trop important affaiblirait Wauquiez ?,1.25,French
+7859,@user Bah pour ça! Faudrait peut-être lui demander nor!?,1.8,French
+7860,Vous êtes qui et vous mettez sur vos insta personnalité publique ou X officiel 🤔,2.25,French
+7861,J'aimerais comprendre pourquoi ce compte m'a follow ? http,1.8,French
+7862,Ils sont jaloux des contours de Tatum c’est pour ça,1.25,French
+7863,@user @user Bah commence un de ceux qu’on t’as dit et voilà,2.2,French
+7864,"Seul à la maison je fume la beuh , moi et nos souvenir à 2 ❤️",3.4,French
+7865,@user J'aimerais tellement. J'ai jamais pu y aller :(,2.0,French
+7866,@user Pourquoi pas simplement prendre celle qui te plaise ?,3.0,French
+7867,@user @user Merciiiii de gros bisous à toi ❤ en plus on va vous offrir pleins de KDOS @Cam4 @Cam4_FR,2.4,French
+7868,@user @user Mdr si ça te permet de dormir d’y croire,3.6,French
+7869,Jamais elle ne l'avait vu autrement qu'en salopette vert foncé.,1.0,French
+7870,j’ai plus aucune force,2.0,French
+7871,Nantes. Accident entre une moto et une voiture près de l’aéroport via @user http,1.0,French
+7872,vous vous bz l‘organisme pr arriver à vos fins c tt,3.2,French
+7873,"@user @user Le footing au milieu des poulpes et des méduses, merci bien.",1.6,French
+7874,@user on se reconnait en lui,2.0,French
+7875,"@parcoursup_info @user C'est plus clair, il y avait des choses que je ne savais pas",1.25,French
+7876,@user grv de ma faute mdrr,2.0,French
+7877,Je croit je vais aller m’incruster,1.8,French
+7878,@user Mdrr il est chaud le bassem,2.0,French
+7879,"@user Pas la majorité, juste une minorité des inscrits et c'était en 2017. Depuis, Macron en a accumulé des conneries...",1.0,French
+7880,"Toute personne habitant cambrai, rt qu'on vous follow",1.0,French
+7881,@user @user @user @user Oh wow j'étais GLOWY,2.0,French
+7882,@user @LFPfr Du coup si c’était maintenu à 100% ils auraient profité du communiqué d’hier pour annonce les deux journées ...,1.0,French
+7883,@user c’est ptetre pas si nécessaire que ça mais au moins ça fait plaisir,1.25,French
+7884,@user T’as oublié de souligner qu’il mesurait 177 cm,2.2,French
+7885,"@user Parfum, crème, mouchoirs, gloss, pinceau, CB, chargeur, batterie, écouteurs breff ya tout chez moi dans mon sac 😅",2.8,French
+7886,@user @user Ce son date d’il y a 2ans... donc non,2.2,French
+7887,@user déesse de la chasse,2.5,French
+7888,Les messages que j’ai reçus sont trop mignons ❤️,2.2,French
+7889,@user Gouvernement algérien,1.0,French
+7890,@user Mais oui tqt je suis parti pour 16h la 🥵,2.4,French
+7891,@user petit à petit,1.2,French
+7892,@user Elle me fatigue cette meuf elle a fait quoi encore,2.75,French
+7893,@user qui dit #Justice dit #avocat et qui dit #avocat dit... #barreau 🤣🤣🤣,1.2,French
+7894,@user ah ouii ptn bin depuis jles ai vendu😭😭😭😭,1.0,French
+7895,@liu_xiaoyuan 红外测温仪在室外误差极大。,1.4,Chinese
+7896,"@user ok, 你的这些所谓举例有跟你指控间谍罪有直接关系嘛? 你可以对人/事有意见,但跟有没有证据是两码事。 很坏很可恶的人可能不是间谍, 而受人尊重爱戴的的可能是。全是要看证据, 但可惜不是你口头上随便说的那种。",1.2,Chinese
+7897,不滿意&gt; &lt;昨晚糾結了很久 但畫了這麼久也不想棄掉他們 所以還是把劣作放上來 http,1.6,Chinese
+7898,《正信摧邪 - 禁止謗佛者造惡業》 末法時期學佛修行的多,除南無羌佛座下解脫成就眾多弟子之外,真正有解脫成就的寥寥無幾?只有學到真正的佛法才能成就! #南無第三世多杰羌佛 #第三世多杰羌佛 #多杰羌佛 #修行學佛 http,1.2,Chinese
+7899,我可以叫你宝宝吗 我看你对我就是这么叫的 http,4.25,Chinese
+7900,沒人支援、事情都在我身上 變得有的東西顧不到,2.5,Chinese
+7901,@user 在對的時間遇上對的人🤧,1.8,Chinese
+7902,尋找所有人的匿名問題! Nick沒有任何問題! Nick山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.0,Chinese
+7903,吃了我们家的产奶药 效果棒棒的 http,2.8,Chinese
+7904,@user @user 一张图,其他全靠编,1.4,Chinese
+7905,@user 真的超级难,欲哭无泪。,3.25,Chinese
+7906,@user 喜歡~,3.5,Chinese
+7907,褲子終於還是磨破了。 #媽媽會罵人 #106聯隊 #106acebeyoung #106sbeyoung ##ntuemba #softball #壘球 @ 迎風河濱棒球場 http,1.8,Chinese
+7908,我覺得我變白了欸 是因為太久沒出門嗎,2.2,Chinese
+7909,尋找所有人的匿名問題! 芷萌沒有任何問題! 芷萌山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,2.0,Chinese
+7910,@user 没钱,2.4,Chinese
+7911,@user 練啊 之後載我,1.75,Chinese
+7912,感覺台灣嘅法律文法唔係好適合廣東話,但是我都唔識除左英文以外嘅法律文法,1.6,Chinese
+7913,@user 我來接送妳,2.4,Chinese
+7914,@user 感觉好高,1.8,Chinese
+7915,@user @user 都沒有注意看自介抓到要處罰,1.8,Chinese
+7916,小姐姐,坐标杭州,招募要求如下👇 有聊聊约吃饭逛逛的小哥哥嘛 http,3.5,Chinese
+7917,习近平向中国军队喊话:做好军事斗争准备 习近平在中共中央军委军事工作会议上讲话(图源:新华社) 习近平(中)签署中央军委201 http http,1.0,Chinese
+7918,@user 繼續更新,2.0,Chinese
+7919,"当兵两年的学弟退伍回来了,他告诉我在部队天天训练,憋了两年可把他憋坏了。所以退伍回来第一时间就联系上了我😍(转发500+更新完整版) http",3.2,Chinese
+7920,我已经懒到来推了 叫入🚪也累了 基本上是vx了 想进的直接口令和vx号 我看到会领了再加的 谢谢小拉@xiaolaqiuzhang http,3.0,Chinese
+7921,@SpeechFreedomCN 您是我尊敬的人,多謝您為我做的一切,2.6,Chinese
+7922,@zlj517 十几年前,在四川汶川发生大地震时日本尽力救灾,日本人民都慰问了遇难者, 当时胡锦涛先生说中方愿在防灾救灾减灾领域同日方加强合作, 此后果是这个讽刺画吗?,2.2,Chinese
+7923,笑死,大埔業務超市主力賣中國貨,山寨貨。 http #6 回覆 - 分享自 LIHKG 討論區 http,2.0,Chinese
+7924,@user 崭新的新年,崭新的居所,崭新的希望(强国政治局文章标配三连排比句),祝平安健康喜乐!,3.4,Chinese
+7925,不得已的正裝,但是...熱😓 http,2.0,Chinese
+7926,@user 發掘原來自己是小廚師,覺得再自炊下去要變胖了,3.2,Chinese
+7927,@user 長得丑就沒有权利發自拍了麼 再說美丑是那麼主觀的東西😂,1.8,Chinese
+7928,@user @user @user @BBCWorld 啊啊确实 上推一年多没骂过人 已经习惯了 被长安网破防属实不应该,2.2,Chinese
+7929,像我姐姐一样有良心的没几个,你所谓的国外国,将来非常可能成为太上皇,这里有几个正常人哦。,3.0,Chinese
+7930,@user 別在這裏撒野,出自郭文貴之口沒有壹句是實話,全世界的人都知道,別在這裏瞎蒙亂撞,短短改編後的視頻會有人相信嗎?幼稚!所有香港群眾都知道,是香港警察用生命守護著香港,守護著家,不容任何人挑釁!,1.75,Chinese
+7931,快手 抖音 裸舞 脱衣舞更多裸舞系列加我首页 白嫖勿扰 价格便宜 都是精品哦😝#宅舞 #裸舞 #舞蹈 #艳舞 #福利 #网红 #热舞 #快手 #抖音 #反差婊 #地摊经济 #脱衣舞 http,3.0,Chinese
+7932,@user 人的轮廓和上面铁路标志的轮廓惊人一致,1.8,Chinese
+7933,一想到五月份要来了终于可以把辞职这个流程走完啦就很开心。同时又开始焦虑了,一直有想做的事可一直缺少迈出去那一步的勇气,朋友们也都在给我鼓励,希望早点做自己喜欢开心的事就好啦!,3.2,Chinese
+7934,第六卷:不…我愿意…我愿意奉獻給蒼——唔…嗯…唔…吁…吁…吁………蒼江…我喜歡你!我喜歡你——『我喜歡你——』如果下一刻即將死亡,我希望可以2個人一起死。神啊,千萬不要讓我丟下對方或者被對方丟下……千萬不要…千萬不要——,4.4,Chinese
+7935,@user 等Miti 我都不知道禮拜二要開工還是在家打飛機好,3.6,Chinese
+7936,@user 凡是吃不完饭的小朋友,小心今晚爷爷去找你,2.8,Chinese
+7937,@user 面像憨厚,不像是坏人。,3.5,Chinese
+7938,其實, 寶貝老婆並不淫蕩, 並不好色, 只是悶騷, 不好意思表達, 來推特的夫妻(老婆), 情侶(女友), 妳們說看看, 是不是2根比較夠用, 好玩啊? 喜歡,讚成的……+1喔~ NO1 http,4.2,Chinese
+7939,@user 但佢札起都幾好睇,有前世紀既V系FU(???,1.0,Chinese
+7940,@dw_chinese 说明金融行业对《国安法》不但没有像政界喧闹的那么悲观,反而对《国安法》下的香港秩序很乐观。对于他们来说,2019年不是一道“风景线”,而是一道“灾难线”。香港玩到了社会秩序崩溃,法治荡然无存,哪个企业家希望那种状况持续?,1.4,Chinese
+7941,这样举着手机边拍视频边啪啪啪很辛苦😢,幸好对方体力好,而且也是我喜欢的姿势💃。我的体力也还好,不过比以前差了,看来得进健身房了。💪(二) #西安娜娜 #西安小姨酱 http,3.5,Chinese
+7942,@user 不客氣,2.2,Chinese
+7943,@user 谁想到一身白衣之下是丰润的乳房和精心修剪过的黑森林呢,4.6,Chinese
+7944,@user @user @user 作为北极熊,我们和灰熊不同。我们是由灰熊进化而来。我们最大体重1吨。灰熊不可能这么强壮.我们的秘密就是只吃肉,纯生酮。碳水化合物时低级能源,脂肪是高级能源 http,1.6666666666666667,Chinese
+7945,@user 野外有機會,2.6,Chinese
+7946,@user 气压杆具体什么样子呢?,1.25,Chinese
+7947,武汉:一名局级干部团队对口服务10支医疗队 http #新闻 #中国 #世界,1.4,Chinese
+7948,瞧瞧这操逼频率, 在瞧瞧你们自己家老公的频率, 🙄🙄🙄 http,3.2,Chinese
+7949,@user 他的手臂看起來可以一手舉一個人了(拜託舉我,2.6,Chinese
+7950,东南亚人民和全世界人民一样 享有同样的荣誉与尊严! @user 请马上跟我们道歉! APOLOGISE TO SEA #AllkpopRacist,2.0,Chinese
+7951,改变自己,是自救,影响别人,是救人。,2.6,Chinese
+7952,@globaltimesnews 爆发地不一定是原产地,1.6,Chinese
+7953,義雲高大師驚人的藝術來源於佛門 (亞洲日報 公元二○○○年六月八日 星期四) http 義雲高大師驚人的藝術來源於佛門 (亞洲日報 公元二○○○年六月八日 星期四) #義雲高 #義雲高大師,1.2,Chinese
+7954,@user 看縮圖還以為丘比特在對我發射愛ㄉ箭矢😵💘💘 點開來才發現是丁輝人在畫簽售透明隔板ㄝ!,3.0,Chinese
+7955,@user 可恶啊,身为中国人,我居然有点穷,我不配(´-`),3.5,Chinese
+7956,@user @user @VOAChinese 李雲迪 我文字裡有這三個字 你他媽是蠢到繁體字也看不懂 通篇討論主題都在回應中紮稻草人自己打的很爽 你還是回你打工地方自己打手槍看今天有沒有辦法多一顆滷蛋吧,1.25,Chinese
+7957,@user 都是骑兵,1.25,Chinese
+7958,@user 曾经说过默大妈毁了德国毁了欧洲,2.75,Chinese
+7959,有关于你 绝口不提 没限期 http,1.3333333333333333,Chinese
+7960,勿過度去臆測哥哥或懷疑哥哥的決定,相信他他怎樣我都支持,求黑粉跟白癡遠離我哥,就是這樣他才想刪除ins就是有你們這些人,3.4,Chinese
+7961,@user 全力阻止!,2.0,Chinese
+7962,性欲来了 没小哥哥 我有点太疯狂了 好像被自己搞肿了 可以帮我舔下消消肿的哦 http,3.8,Chinese
+7963,@iingwen 台湾自古以来就是中国领土,统一只是时间问题,1.5,Chinese
+7964,@user 只是个设想,1.0,Chinese
+7965,TGC 把彩虹日的公告網頁刪了:( 就不要是因為某國人再吵造成的。 看到製作人推特一堆人再那邊x來x去就覺得,1.75,Chinese
+7966,@user 不然你覺得少了什麼,1.3333333333333333,Chinese
+7967,@user 真的一直沉迷這張好好看的皇帝直到意識到好像真的沒有太多具體新情報(被美色誘惑,2.6,Chinese
+7968,@user 是莱芜钢铁厂!冤枉莱阳了,2.0,Chinese
+7969,@user @user 那⋯⋯俺也沒辦法,2.0,Chinese
+7970,@user 英醬的巧克力也可可愛愛OwO(咬住,2.25,Chinese
+7971,@user 🈶️锅在,Getter就算了,1.75,Chinese
+7972,如果以后除了做爱!或者调教只拍纹身和脸蛋还可以吗? http,4.0,Chinese
+7973,@user 貓咪真的何其無辜 明明就人類的問題啊,1.5,Chinese
+7974,我還買了這個why 赤葦臉腫偷吃東西,這個縫線縫的太差了吧 http,2.5,Chinese
+7975,你们有没有过被删又加回来的人 有好多想说的话,最后只能转变成 “你最近好吗” 有那么一瞬间我奢望想回到从前 但其实心里早已知道那是不可能了 http,2.25,Chinese
+7976,@user @user 懲罰癡呆燈,2.5,Chinese
+7977,@user 20'0308 翻譯更新: 檢查完醫生說 應該不會有事吶 再說兩個人還同時腹脹 (等明天的covid報告吶),2.2,Chinese
+7978,老公说,我被教练操的那晚,他撸射了三次,一定爽坏了吧 #母狗 #骚货 #绿帽 #公交车 #小母狗 #肉便器 #反差母狗 #反差 #騷貨 #肉便器 #淫蕩 #绿主 还谁来?加我 http,3.4,Chinese
+7979,@user 我打算和你网恋,2.75,Chinese
+7980,@user 现在骗人这么没底线了?什么弱智骗局都可以吗?,1.6,Chinese
+7981,自治区 #kk_senki,1.0,Chinese
+7982,@user 弟兄們关鍵時候到了,如果現場看到黑川的CNN記者,請送他們去18层地狱。,1.75,Chinese
+7983,@user @user 这是山楂树的花吧。我家里有一棵。,2.6,Chinese
+7984,言下之意:你们去祸害别地都行,就是别上京城来。当初武汉不封国际航班也是这个意思。 http,2.0,Chinese
+7985,这个抄底非常成功,少妇一枚,水一定多,你们能想象到吗,插进去的时候,噗嗤噗嗤的,关注我,最真实偷拍,原创作品 http,3.4,Chinese
+7986,@user 哈哈,牙口自慢路过w甜食是带给人幸福的元素!,3.0,Chinese
+7987,@user 为了共产党的大业,牺牲个丈夫理所应当的,她经常这样熏陶我们,1.6,Chinese
+7988,@user @zhanglifan @user 老章就事论事,讲话又是滴水不漏,再加上其父跟毛腊可是直接面对面接触过的,土共还真不好拿他,哈哈哈,1.75,Chinese
+7989,@user 完,荠菜加虾仁,俩味道一个都没有了,2.2,Chinese
+7990,@user 一言难尽啊,3.0,Chinese
+7991,我現在才發現沒有補po 用怪圖慶祝兩隻生日!!!(混沌邪惡 #細胞神曲怪圖大會第一屆 #宇津木徳幸誕生祭2019 http,2.2,Chinese
+7992,@user 开私信,2.6,Chinese
+7993,🚨911 今天是911檔案向公眾解密的日子 就在川普總統規定的最後期限5月20日之前 風暴來臨 http,1.0,Chinese
+7994,@user @user @user @RFI_Cn 是吗?这个我就不知道了。,1.0,Chinese
+7995,😦我要去打高糧的工了,爭取一年集齊5萬,第二年集齊5万,即刻去台灣。,2.25,Chinese
+7996,@bbcchinese 没寻到真相,还信誓旦旦的当真相说,就是犯罪!,1.2,Chinese
+7997,@user 煤,在這國是毒品?😂😂😂,1.3333333333333333,Chinese
+7998,@user 念的没问题啊,毕竟要开打,口号是很重要的,老外还阵前freedom呢,就是可惜没拽几句有气势的古文比如勿谓言之不预也,1.25,Chinese
+7999,樓上妹妹:🚴‍♀️👈他是棄兒嗎? 🚴‍♀️:他們(1)是棄兒生不出來一個精蟲不足一個卵巢痿縮。,4.0,Chinese
+8000,@user 上🚪吗?,2.0,Chinese
+8001,@user @user @user 你先弄清楚章女士是什么时候坐的牢,当时的时代背景搞清楚了你就不会问这么无知的问题了,1.25,Chinese
+8002,@user @user 快啃吧,那是满满的胶原蛋白!,2.8,Chinese
+8003,@user 为什么不给他们用你的阴道,3.0,Chinese
+8004,上完廁所直接發現月經來 這陣子最幸運的事🥰🥰🥰,3.5,Chinese
+8005,@user @dw_chinese 假新闻害人。。。又傻一个,2.0,Chinese
+8006,@user 我很幸福(大白天就睡覺),3.0,Chinese
+8007,@user @user 给我还了,一点钱。好像公布了一个邮箱处理还款事宜的。,2.0,Chinese
+8008,這時間夜深人靜的突然好想要……,3.5,Chinese
+8009,@user 別人交換戒指他們交換金牌,2.8,Chinese
+8010,@user @elonmusk @user 工业革命以来的再一次重大改革。比特币(网络黄金),莱特币(网络白银),以太坊(革命性区块链操作系统、协议)。狗狗币将是未来的世界货币,狗狗币就是(基地)里面的信用点。,1.4,Chinese
+8011,@user 它们现在开始赖,当时答应的条件被口头改变了! 最早说是50G之后降速,变成40G之后降速! 之前说降到3G,现在直接降到100块!,2.25,Chinese
+8012,"在China文化中,工作能力的精髓,就是能自然而然的形成主从关系,同事之间形成主导关系,这样的强人,就是人际关系高手,也就是博弈中不怕失败,不怕丢掉工作的赌徒,慢慢形成强人人际关系,主从关系,主导关系的人,就是工作能力强.办法:1)杀戮开除,整服 2)贪腐分脏放肥",1.0,Chinese
+8013,@user 被认出来了w,3.0,Chinese
+8014,@user 哈哈哈 終於找到妳了,3.5,Chinese
+8015,约不到人自己撸一发(一) http,4.0,Chinese
+8016,@user 正確的知識增加了,1.5,Chinese
+8017,#今仔日四大報 20190326 總統拼外交,四報看不到,韓總訪中國,大家搶著報 http,1.0,Chinese
+8018,@user 那可以貼文前3秒 偷偷通知我一下嗎😜,2.2,Chinese
+8019,忍不住啊 就是忍不住想找他说话,3.8,Chinese
+8020,@user 哈哈,單純交朋友很好,我是這樣覺得的,1.6,Chinese
+8021,当你经常面对着26岁左右的男生,如果有的男生没有保养好,40岁以后就很难看下去了。通常没有这个毛病的,应该是被人生宠一会儿。,2.4,Chinese
+8022,人来人往的室外露天停车场 偷偷的汽车后备箱 这两大场景外 加上女神让人血脉贲张的情爱对话下 的露出欲爱 (此视频精髓在对话,望诸君安静环境欣赏,完整版上传私人电报) http,3.8,Chinese
+8023,@user 希望有天能夠被朵朵吃,3.6,Chinese
+8024,可能是因為生理期快來了 痛苦,3.25,Chinese
+8025,福特汽车将在中国推出30款新车型 - 财经新闻 -看中国网 - (AMP版) http,1.0,Chinese
+8026,现在的颜色还可以,但是没到我想到达的那个地步,2.4,Chinese
+8027,@user 中國臺灣地區 http,1.3333333333333333,Chinese
+8028,@user 我早说了嘛,内陆省份都应该核爆16次,沿海省份山东必须核爆64次。 秘制叉烧香不香?,2.0,Chinese
+8029,@user @user 妈妈我是,2.6,Chinese
+8030,@user @user 米利同志是中国人民的老朋友。,1.5,Chinese
+8031,@user @user 最搞笑的应该是没干过正事的也开始讨论政治了 还好像正义化身。,2.4,Chinese
+8032,@user 人命血錢賺不得啊…林會長👿,2.0,Chinese
+8033,@user 这个是以前的下载库存..链接我实在是搞不到了。 如果看到了一定跟你说,2.0,Chinese
+8034,我最近两周都是六点遛狗回家洗漱之后坐公交车上班。 然后我突然发现不堵车了,心情贼好,也不用开车省的麻烦还得带上室友。关键是我七点十分就可以出发,等我到了单位吃完饭泡上一杯红茶。室友估计今天刚刚出门,3.0,Chinese
+8035,@user 謝謝你,3.5,Chinese
+8036,http 帖子标题:农民工职校在读儿子为取毕业证被强制超时劳动,坠楼身亡 虽然未经证实,但是不扩就没有人去证实,1.2,Chinese
+8037,尋找所有人的匿名問題! 張鴻鈞沒有任何問題! 張鴻鈞山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.4,Chinese
+8038,Ripple宣布新的ODL支付通道,抨击银行低效的跨境支付,1.6,Chinese
+8039,我完全忘記我的問卷填了什麼……🤣,1.4,Chinese
+8040,这表情包看来是一套的,有点想要了。 http,1.6,Chinese
+8041,@user 弄假成真,結果只對中共感謝,對台灣政府還有台積電這個神隊友完全不吭一聲🤣,1.8,Chinese
+8042,原创,这个小哥哥,跟他是在软件认识的,只是他岁数太小了😂,才上高中就这么大,真的是我见过算很大的了,那么粗,还有一部完整的采访版,他说13岁就被破处了😂,可惜现在不联系了,给我删除了 http,4.25,Chinese
+8043,女友问:你知道我想吃什么吗?我说:不知道。她啪的一巴掌打过来,说:不知道为什么不问? 我靠!!! http,1.6,Chinese
+8044,"@user @user @dw_chinese 日久见人心, 您可以慢慢观察. 我认为李先生是高级大外宣",2.75,Chinese
+8045,@user 还不是太诱人,2.6,Chinese
+8046,#cum薄肌的奶牛:被边控到爽飞!骚得哭起来,又爽得笑起来。笑德漏出牙,也太帅了。这样的牛,可遇不可求,还没被玩得精液顺流而下!#完整20分 #cum健身房边控系列49部售➕qq http,2.6,Chinese
+8047,@user 我在想复制这段回墙里朋友圈贴出来,会不会要进看守所吃拳打脚踢吃到饱,2.75,Chinese
+8048,喜欢你,你就是最亮的星;不爱你,你就是最差的景!别让不爱你的人,偷走了你的幸福。有时候不是你不够好,是别人视而不见。经营好自己,你才有能力经营好一切,包括感情! http,3.2,Chinese
+8049,@user 建议试用之后能给个直接购买的入口,装了想买发现没办法买😂,2.0,Chinese
+8050,@user @user @user 原來是廣州商團事件喔,這是屠殺廣州市嗎?我以為是兩邊的械鬥🌚,1.3333333333333333,Chinese
+8051,@espn 五年了,还不放过特里,2.0,Chinese
+8052,@user 中国是国家资本主义和官僚资本主义,1.6,Chinese
+8053,尋找所有人的匿名問題! 趙子雲沒有任何問題! 趙子雲山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,2.0,Chinese
+8054,@user 約不到至少有妳的賴欸,2.75,Chinese
+8055,@user @user @user Pp帅爆了。,3.0,Chinese
+8056,近日历史性高温席卷美国西部地区。据美国媒体报道,随着高温的持续,因热浪而丧生的人数还将会继续上升。此外,持续的高温干旱天气还在美国西部地区造成水资源短缺问题,严重影响了当地农业生产和电力供应。 http,1.0,Chinese
+8057,@user 太美了。。多让小夜穿点黑色高领😭😭😭(能量🆙),2.2,Chinese
+8058,@user 👍之前想过的 但往后一档手机屏幕下边会被遮挡,2.0,Chinese
+8059,@user 想看台灣的,1.6,Chinese
+8060,@user @user 男神老师,2.2,Chinese
+8061,喜歡被打屁屁的感覺 痛爽痛爽的感覺 會讓小穴不受控制的分泌歡愉 還記得故事前提到的人夫 曾告訴我 「我打一下,你的淫穴就縮一下欸!好爽!好欠幹噢!」 當下被言語羞辱的同時 只感覺到兩腿間已濕漉漉 順著大腿內側一路流淌至腳跟 當時格雷是我最愛看的小說 幻想著 觸摸著,3.333333333333333,Chinese
+8062,#西安 大中午的不睡觉想干嘛!干我吗? 是你吗阿山酱 @user http,3.0,Chinese
+8063,@user 喜歡,2.25,Chinese
+8064,@user 不会的!!自信点😎,2.4,Chinese
+8065,@user @user @user @user 还有一种是杠精,假装不明白。,2.6,Chinese
+8066,@user @user 综合以往看见的,所以我实在是憋不住了😂,2.25,Chinese
+8067,发一段最近好火的,男朋友送女朋友给两个超大鸡巴黑人玩 http,2.2,Chinese
+8068,小嫩0的菊花审汛(还有朋友不知道怎么获取汁源,看简介++++v) http,4.25,Chinese
+8069,@user 拆那應該先賠償 拆那製造的空汙 海洋垃圾 拆那出口的病毒 等等等 謝謝指教,1.6,Chinese
+8070,直男操逼视频,认真看他的鸡巴!可以对比之前我拍过他的鸡巴发出来的。绝对真,全网首发。 http,2.5,Chinese
+8071,你要敢来找我叫我来过 看我怎么收拾你 不要用你的小骚逼来挑战我的大弟弟 要不然有你好看的 http,2.2,Chinese
+8072,告解時間:快要一個禮拜沒洗頭⋯ (但真的天選之頭,沒有很油+連夾捲ㄉ都還沒直掉∠( ᐛ 」∠)_),2.6,Chinese
+8073,@user 而且男人永远不知道女孩子收到的一些私信里包含着多少恶意吧,3.0,Chinese
+8074,@user 這個是怎麼玩的 我能講嗎(,1.6,Chinese
+8075,@user 是的 同意这个 伴随广告短信轰炸,1.75,Chinese
+8076,"@user @user @user @user 我就是广场舞aunt 第一天开始学就扭了腰, 到现在还没好......",1.25,Chinese
+8077,@user 你的睡眠睡着了,2.0,Chinese
+8078,2月25日上午, 黑龍江省哈爾濱市寶宇天邑瀾山小區 http,1.5,Chinese
+8079,@user @user @user 對吼!,2.0,Chinese
+8080,不知道我還以為自己在畫金讓 http,2.2,Chinese
+8081,推特早安 看這時間那麼早就知道我根本沒睡,2.4,Chinese
+8082,@user @user 福建人表示有这个天然屏障为我们遮风挡雨这么多年了,你们辛苦了,以后再接再厉,加油,2.2,Chinese
+8083,他们的人生信条都是一样的:既然喝酒会死,不喝酒也会死,那么,不如喝吧。,1.6,Chinese
+8084,上次还有一堆视频没发完,这个月的房间也已经订下来了。时间是端午当天! 船新的内容 敬请期待! 顺带一提最近的两个视频(时长12min+5min)打包卖25块😝 一次支持可以让我饱两顿饭。不过长久来看的话还是关注里号会更实惠一点~,3.0,Chinese
+8085,#粗牛的生活插曲 被一对夫夫轮啪, 最后还被颜射。 此片没有完整版 http,2.4,Chinese
+8086,搞了下房间. 合格的母畜日常出门也要戴项圈哦. 即使没有主人也要让别人知道自己的肉便器身份. #字母圈 #反差婊 #抖M #抖S #SM #福利姬 #绿帽 #公交车 http,3.25,Chinese
+8087,尋找所有人的匿名問題! 最近回答的問題 ● 最喜歡的日本歌手或樂團?… #問題框 #尋找匿名問題 http,1.0,Chinese
+8088,@user 是不是有好幾個人在扮木可啊,1.5,Chinese
+8089,什么状况,我不画画就发点牢骚还涨粉,平常定期更新还掉粉🤔???,3.0,Chinese
+8090,@user @user 助勃延时! 增大增粗! 告别疲软!告别短小!告别早泄! 想征服床上的女人添加微信: xuyaojiawowx,2.8,Chinese
+8091,@user 那誰打掃你,2.75,Chinese
+8092,大叔太紧张了,可能是没操过我这么小年纪的,大叔要我给他肉棒舔硬,把套套带上刚准备插进来又软了,他说不带套才会硬,真担心他会射进去。电报群更新了全裸露脸约炮视频和照片,快去欣赏吧! http,4.0,Chinese
+8093,@user 镜头是晃动的,太假了,流氓国家太多的流氓骗子,1.75,Chinese
+8094,@user 这个2.14是怎么设置的,1.4,Chinese
+8095,@user 中国🇨🇳别的不多,就傻逼多,非常相信跪舔西方国家公知耻们吹以美国为首西方国家文化与社会。,1.2,Chinese
+8096,@user 最喜歡向日葵種子的哈姆太郎,1.8,Chinese
+8097,@user 我算吗😬,2.8,Chinese
+8098,@user 有一点是描绘这首歌,1.6,Chinese
+8099,@user 罪名如下:欺诈、敲诈、损坏物品、寻衅滋事。特斯拉可以要求赔偿名誉损失。,1.0,Chinese
+8100,@user 哈哈哈 别紧张,1.8,Chinese
+8101,@user 太可恶了,1.8,Chinese
+8102,巴蒂巴蒂快回应巴蒂巴蒂快回应 #에잇디_그만_회피해 别躲在背后不出声我知道你在看 #Evict_8D 巴蒂巴蒂快回应别躲在背后不出声D,2.75,Chinese
+8103,有没有睡不着,寂寞发骚的教师荡妇,私信我 #文爱 #剧情 #羞辱 #反差 #反差婊 #南阳 #荡妇 #母狗 #绿帽 #绿奴 #教师 #老师 http,4.6,Chinese
+8104,这样的剧情真是爱死了😏 有想体验主角一样剧情的小伙伴么🤭 QQ:3123657769 http,2.6,Chinese
+8105,只是想吃東西,3.0,Chinese
+8106,@user 简直就是我哈哈哈哈哈!!然后就一直重复死循环 💀💀,3.2,Chinese
+8107,@user 試什麼水,1.8,Chinese
+8108,@user @Telegraph @sophia_yan @niccijsmith 好骂😄,1.0,Chinese
+8109,@user 它们不是人!,1.8,Chinese
+8110,@user 说得对,通常要给现金或者叫你下载其他软件的多数是骗人的,2.0,Chinese
+8111,@user 很羡慕你的女朋友,可以和这样的身体一起享受鱼水之欢,4.4,Chinese
+8112,想找一个西安的女孩儿做女友(外地也可),希望你也喜欢追求刺激,性欲强性瘾大,会因为给我戴绿帽而感到兴奋,追求极致的快感~想把你当做公主一样宠爱,生活中和普通情侣一样恩爱,性爱上做你下贱的王八老公。 #母狗 #绿帽 #反差 #绿奴 #绿王八 #红杏 #淫妻 #反差婊,2.2,Chinese
+8113,这个s怎么样?@z96A8VKf1I3cDCb 咦,最后他咋还跪下了? http,3.0,Chinese
+8114,對金正賢真的是🙄管你有病還是女朋友什麼的 都不是藉口讓你對玄做那些行為吧???那些是作為演員最基本的職業道德吧😃 總結就是我們小玄辛苦了🥺 發生了這些事也沒有到處說ㅠㅠ是乖寶寶ㅠㅠ 金和粉絲真的有點自知自明好嗎☺️ sone和姐姐們捧在手心上的小孩憑什麼被金男這樣對待^^,2.2,Chinese
+8115,@ChineseWSJ 就这智商还是不要踢球了,1.2,Chinese
+8116,今早去住處管理室,拿信用卡掛號信件,警衛在那邊屁說: 「辦了卡就可以預借現金」 「不會不會,我們還是要謹慎評估自己的現金流」 「借了錢當然要去用錢滾錢」 「🙂」 #滾你老師,2.0,Chinese
+8117,@user 太完美了!,2.2,Chinese
+8118,然後看到新聞後想乾脆睡回去,2.2,Chinese
+8119,如果特朗普能下令删除百里守约,我愿意下一个四年把他投回白宫,1.2,Chinese
+8120,您们农批玩家是不是都和我后面坐着的那个**一样。 哪怕自己一个人玩,都能在安静的环境下发出各种怪叫,不可形状的破音,疯狂嘴臭队友,态度极其恶劣。 声音巨大音色还凶? 还经常恶意揣测队友身份,歧视鄙视女生和长辈? #日常,2.2,Chinese
+8121,賣台賊-國民黨立委 『陳玉珍』 反對台灣 參加 美國主辦 的 環太平洋軍演, 受到 中共黨媒 熱烈報導 http,1.2,Chinese
+8122,@user 噫,这个确实很尴尬,1.8,Chinese
+8123,是不是闲着没事做,在这里 http,1.6,Chinese
+8124,"只要病毒的事情美国和西方北约确认,不管你共产党配不配合,也不管你给提供不提供证据,就会直接采取斩首行动。 http",1.4,Chinese
+8125,@user 如果和我家一样,叫幸福一家人,请打心,3.2,Chinese
+8126,半夜赶作业 烦死了烦死了烦死了 怎么大学了还有看你写的东西多作业就打高分的老师,3.5,Chinese
+8127,上課聽不懂就算了 還要求別人要一邊聽課一邊開通話就為了cover你回答問題? 書不是這樣唸的吧? 啊不是很用功?不是學霸?不是對自己要求很高? 我幫你是因為當我們是朋友,你這樣搞到我不能專心上課不太對吧?,2.6,Chinese
+8128,@user 用那個軟體能約嗎?,1.75,Chinese
+8129,世上之所以有矢志不渝的爱情,忠肝义胆的气概,皆因为时间相当短暂,方支撑得了。久病床前无孝子,旷日持久不容易,一切事物之美好在于“没时间变坏”。——李碧华PhotobyHeatherBoyer},2.0,Chinese
+8130,@user 知道了,我們會乖乖地等你回來😊,4.0,Chinese
+8131,@user 天安門事件,1.25,Chinese
+8132,请你表明你的立场地狱的屠刀已经高架在颈子上 #에잇디_입장표명해 赤裸的鲜血已经从罪恶的果实中喷涌而出 #8D_Explain 你所玩弄的一切手段都将成为你未来失败的第一枷锁你将为你的罪孽忏悔,3.0,Chinese
+8133,mc剛過 為什麼看到有些留言 我就會想要自慰的感覺?請問這樣算是正常的嗎....,2.4,Chinese
+8134,阿九四件套/身份证/银行卡/手机卡/U盾 #四件套 微信:dashan-1999 #华人约炮 #华人 #旧金山约炮 #外围模特 #性感 #丝袜 #全球华人约炮平台 http,2.6,Chinese
+8135,@user 我來了,2.4,Chinese
+8136,@RFA_Chinese 哎,还能说什么,2.0,Chinese
+8137,是推特L先生的一部作品👾 实力操尿小哥哥🉑️ 更多资源➕QQ:486228033🌈 http,3.0,Chinese
+8138,@user 那檳友有沒有看今年ㄉ一期going 引竟漢穿西裝vs其他所有人,要說服成員們給他錢 超賤但超帥 我邊看邊死,2.5,Chinese
+8139,@user 可以找下刘大使,他的推特可以搜索一下!,1.25,Chinese
+8140,@user 如果病毒真能找到家,那么他的会在哪?,2.4,Chinese
+8141,@user @user 直接用一个穷字表达有那么难吗?拐弯抹角的说别人穷是吧?😅,2.2,Chinese
+8142,端午节假期最后一天 劳动节艹的高二小弟弟 说家里没有人想我的大鸡吧 年纪轻轻就这么会玩 最后射的他满嘴都是 http,3.8,Chinese
+8143,@user 已經很好看了。也想用看看,哈哈,2.75,Chinese
+8144,@user 任何爱都是一种成长感受,是基于人,不是教出来,更不是喊出来的。从一个人处感受到了爱、温暖、安全、快乐,我们才会去爱这个人,是他本身值得爱,而不是某种关系的限定。国是一种物或概念,和一条河,一个街道一样,本身并无感情,更谈不上要不要去爱。,3.0,Chinese
+8145,@user 看這位領導人的長相,我們還會有什麼期待呢?,1.4,Chinese
+8146,@user 没想到猛男也有绣花小枕头,3.6,Chinese
+8147,你們說... 我他媽怎麼可以這麼愛一個人... 兩年多了... 夢裡時不時都能出現她 做任何事時不時都能想到她 人呢... 在也不再了... 就像搭計程車一樣 一個下車 車子空了 另一個又上車... 再也搭不了同一台車了... http,2.8,Chinese
+8148,190帅直男操女友 大家帮忙大量转发 点赞 关注下 每天不定时放送不一样的资源 转发量才是发推的动力 http,2.6,Chinese
+8149,@user 廣告也接的太剛好😂😂😂,2.5,Chinese
+8150,@user 这个人就是斗鱼李老8,一模一样的神态和人格,臭不可闻,2.2,Chinese
+8151,@user 先不說其他的😬。就這每天規律的作息時間相對於來說北韓人民比南韓人民要健康得多。,1.6,Chinese
+8152,@user 郭正亮还是有水平的,虽然有点迎合的味道。但水平还是有的。不能全盘接受,但还是值得一看的。 政客这种职业,屁股决定嘴巴,他坐什么位置说什么话。,2.0,Chinese
+8153,@user 这个应该是重庆人做给我吃的,1.6,Chinese
+8154,@bbcchinese 有多少人在家里挂毛泽东 以及习近平的像? 又有多少人参与歌颂“中国梦”哦? ----BBC也是烂媒。,1.0,Chinese
+8155,趁室友到网咖打比赛上了他的班花女友,清纯?反差? 投稿@pubccs @user 完整版观看地址在评论区 http,2.6,Chinese
+8156,我马上跪下来求饶,让他们别拍了,结果得到的回复又是一顿打。我被打怕了求他们,他们说不打我可以,让我喝尿,说和婷玩了一夜他们鸡巴还没洗,顺便让我也舔干净,我全部照做了。然后他们也全部拍下来了,通知了婷过来。婷来了,他们告诉婷我没用,把所有录像给婷看完。他们边看边笑,没想到婷也笑了,4.2,Chinese
+8157,好累又好無奈 努力的想勸告自己不屬於誰 卻在每次因為自己的想法和利益考量下選擇其中一人之後 被情感勒索著面對他們的矛盾 煩死了 如果可以的話我也不想每次都換邊住啊 我只是想讓自己生活方便一點怎麼了嗎 如果可以不計後果的哭求你們和好 事情就會比較簡單一點了嗎 我只是想要一個安穩的家,4.0,Chinese
+8158,欢迎反差小姐姐找我评价打分,可鉴穴鉴胸,玩问答游戏,文爱,曝光投稿,可以羞辱绿帽狗,前提是贡献女友。也欢迎小姐姐来给我鉴🐔,私信我哦~以自愿为原则,佛系经营 #母狗 #文爱 #投稿 #鉴定 #意淫 #绿帽 #出卖 #评价 #鉴屌 #鉴穴 #鉴胸 #曝光 #母狗,4.75,Chinese
+8159,@user 字有剑气!,2.25,Chinese
+8160,@user 准确的说,现代坦克连战术核武器都能挡。 没错,一座大都会是没有一辆坦克抗打的,从这种意义上说,1.5,Chinese
+8161,水泥工地哥哥 趁中午休息來找薇薇洩慾 好喜歡被你塞很滿的感覺❤️ #三重個工 #喜刺青 #喜正太 #喜台客 http,5.0,Chinese
+8162,明天早上起来就删,1.25,Chinese
+8163,-遲來的半週年驚喜#- 0期生第二位即將出道! 5月15號下週六2100將會準時公告立繪# 還請各位記得訂閱我們哦! http,1.4,Chinese
+8164,@user 万一中央之国(中国)出了一位秦始皇或是成吉思汗什么的人物要灭八国一统天下那就厉害了。呵呵,2.75,Chinese
+8165,@user 这种人第一时间赶紧拉黑,3.0,Chinese
+8166,@user 最想吃你这道菜😋,3.2,Chinese
+8167,你只要用针扎过我,我就灭你满门,说到做到!!!,1.5,Chinese
+8168,@user 等你奥姐妹!!,3.8,Chinese
+8169,@user 这张图片 在抖音刷到过,2.2,Chinese
+8170,@user 多少钱,买了,2.0,Chinese
+8171,@user 好气人的,2.8,Chinese
+8172,“我会骂人” 那一条 应该摆在第一句 大大个的 😩 可是我忘记怎样 edit 了 🙂,2.2,Chinese
+8173,叶沫沫2021翻花绳摄影集 “感官剥夺”第四期 四月青 宣传海报 四月的青涩 是竹香,是酒香,还是少女的体香呢? @user http,2.6,Chinese
+8174,相爱的人不会因为一句分手而结束,更不会因为一个错误而真的做到一次不忠百次不容。相爱的人会在感情的曲折里一起成长。只要经过一个曲折熬了过去爱就又增长了点,又一个曲折熬了过去大家学会珍惜对方一点。一路下去爱越来越深,只会深深的相爱着,懂得对方的好,不会再分开。o,3.6,Chinese
+8175,关注➕转推 在线抽取1个人肉打桩机 @user @user @user @user http,1.6,Chinese
+8176,@user 是富婆!,2.8,Chinese
+8177,@user 为什么是羽绒服😂😂😂,1.8,Chinese
+8178,周末正片来了 @user 的上翘屌把骚b操尿了,每一次撞击都直顶前列腺,听听小受怎么说,全是水,尿了尿了,真有这么爽吗 http,4.2,Chinese
+8179,上次的维修工发出来之后反响很好 然后他不负大家的期待今天又被我拍到在wc偷偷✈️ 这次他换了新手法 套着卫生纸🦌 最后把纸都弄湿一大片 不得不说直男真的很有味道 下期预告 丑直男抵御不了诱惑一天🦌两次 http,4.2,Chinese
+8180,感谢主动关注我的朋友们!本人推特号因为一次性取消很久没回关我的朋友太多!而被限制三天!三天后定会回关你哦!,3.333333333333333,Chinese
+8181,"@TW_nextmedia 至2021年5月12日,重庆法院抢劫我的房未赔偿。TOK下载:https://t.co/KhFMFc10jH TOK即时政治评论分享群邀请码:#3CFF429ED8332189049 http",1.0,Chinese
+8182,"@user @dw_chinese 又如何呢?先搞清楚这个奖是电影学院所颁,並非观众所选。观众的选择是电影在各地上映時是否观看(尤其在疫情期間)。无论其票房如何,也改变不了它获奖的事实!你心里酸是你的事。",3.0,Chinese
+8183,这个漫画太牛了 http,2.6,Chinese
+8184,@user @user 作为一个没有孩子的人,感觉和各种福利补助都没关系。。。一个朋友刚移民,问我哪个学校好😂😂😂哈哈,我说不知道,哪里有学校我都不知道,好久不读书了,1.6,Chinese
+8185,@user 明天居然可以拿到如此可愛小禮物嗎😍😍😍,3.0,Chinese
+8186,昏倒 多年好友還以為也是同溫層沒想到也是4%仔,3.0,Chinese
+8187,@user 看上去又像是德国犬,1.3333333333333333,Chinese
+8188,@user @user @user 没办法,都是人才,不玩不行😂,2.4,Chinese
+8189,@user @user 點解我連印都可以打錯字:sssss 好柒,3.0,Chinese
+8190,@dw_chinese “我们做什么都不影响我们对维护人权的正义性”,1.0,Chinese
+8191,@user 很久没喝杨梅酒了,以前有朋友做,现在没人弄,2.2,Chinese
+8192,@user 全世界都要找共济会算账 首先得跨过共济会豢养的保镖兼打手 米国 而这套护身皮 是共济会被郭傻逼曝光之后 唯一的最后屏障 还能不能愉快继续玩耍 除了傻逼 这世上已经没人敢相信,2.2,Chinese
+8193,@user 才上为不是搞疫情先,而是去吉打,他跟本不鸟你,还要炫耀先,这新首相我们并不陌生他的能力在我的脑海里除了无能还是无能。,1.8,Chinese
+8194,#嗨操 #骚冰 #猪肉 #溜冰 #出肉 才一天时间就很多人问,怎么我的提纯会粘乎乎,一问才知道,嗨水里面加的饮料,饮料里面有糖分,那根本就不能析出,嗨的时候直接用屈臣氏的蒸馏水就很好无杂质,原味析出来得东西,很赞!!! http,2.0,Chinese
+8195,澳大利亚 – 8人角逐“年度澳洲老人”称号,墨尔本亚裔入围(图) | 澳洲唐人街 http,1.2,Chinese
+8196,@user 软弱拧巴,但是乐观积极!,2.6,Chinese
+8197,@user 在世界末日前盡情放縱好ㄌ,3.0,Chinese
+8198,@zlj517 就在日本人给珍珠港战犯招魂的同一天,美国总统参加了纪念珍珠港事件阵亡战士的仪式,两波人互不影响,其乐融融,都没有互相看一眼。可见他们所谓的祭拜、纪念,就那么回事吧。,1.75,Chinese
+8199,@user 好诱人的视角,好想揉揉胸,3.8,Chinese
+8200,@user 这贱人拉黑我了。,2.0,Chinese
+8201,為了疫情,可以繼續憋著不打砲 http,2.0,Chinese
+8202,@user 我覺得是青春美少女出問題,3.333333333333333,Chinese
+8203,甚至有点想换流量卡,3.2,Chinese
+8204,@user 有幾對同住宿的情侶經過啊,他比我緊張,2.2,Chinese
+8205,@user 要看完整版,1.8,Chinese
+8206,還是其實是美服生態有點糟(?) 雖然沒有台服那麼誇張,台服真的動不動就罵人笑死。 我真的手感都消失了:( 今天打桌球也發現手感都消失了嗚嗚嗚,2.0,Chinese
+8207,@user 什麼什麼??,1.8,Chinese
+8208,@user 这有什么不好吗,空姐是提供服务的,不是演员表演的😆😆😆,2.6,Chinese
+8209,从小一直在玩跟小伙伴玩游戏,fc,md,pc,游戏厅… 各种单机网游,直到今天,我才意识到,我爱的不是游戏,而是爱和小伙伴一起玩。,4.25,Chinese
+8210,@user 不喜欢可以离开,为什么要诋毁自己的国家?他是有一些问题,但在慢慢变好!你的美国真的很美吗?,1.75,Chinese
+8211,@user 想幹你⋯可以嗎,5.0,Chinese
+8212,有人说我的奶子假 拍一段吧 光线不好 对付着看 没办法让所有人满意 喜欢的点个赞 谢谢 @user @user 翻牌子了 http,3.4,Chinese
+8213,两个大鸡吧一黑一白黑白双煞无套操骚逼,最后全部内射逼里。北京喜欢多人的加我qq。全国想找小弟的客户和想做兼职的帅哥都可以加我1772327336。北京招按摩技师数名,有无经验都可以管培训,月薪轻松过万。 http,3.4,Chinese
+8214,@user 他看起來好無辜喔,一定騙了不少罐罐。,1.75,Chinese
+8215,调教泰迪小奶狗2⃣️ 这么大的一根弟弟只能勉强吞进去一半,双手握着我的鸡巴往嘴里塞的样子好可爱。最后射的吃了🍆💦 完整版22分钟,会员已更新 http,4.8,Chinese
+8216,这样性感风骚的巨乳女秘书你想拥有吗? 主页或评论区🔗下载观看完整视频。 http,4.8,Chinese
+8217,轉噗 天羽亞拉希✿Vtuber轉生中: #電影 #劍心 #網飛 http 太苦了,前兩集都是去電影院看的說,第三集等這麼... http,2.75,Chinese
+8218,胖熊不知道犯什么错了,绑起来,嘴用臭袜子堵着,皮鞭抽打,这样小熊熊想要承认错误也不行了啊。 http,2.6,Chinese
+8219,不得不说韩国的洗脑就是好,每个人都争先恐后的给国外的东西打上“韩国”的标签 #Hamzy http,1.0,Chinese
+8220,收拾完东西准备走时,我在楼梯口站了一会儿,最后看了一眼这条破走廊。我有点儿想哭,也不知道为什么。我戴上我的红色猎帽,就像我喜欢的那样,把帽檐拉到后面,然后用他妈最大的嗓门喊了一声:”好好睡吧,你们这帮蠢蛋!“我敢说,这层楼上的混蛋全让我吵醒了,然后我他妈就走了。,2.4,Chinese
+8221,@user @user 也许会吧,1.5,Chinese
+8222,想起了当年在人民英雄纪念碑,放声歌唱漂亮的中国人的侯德健先生,致敬,1.6,Chinese
+8223,這段時間一直剪日V,快把台V頻道給荒廢時,我主推突然密我叫我去看了名為神崎的台V,心裡想著不開台他媽還叫我去看別人時,不看不知道,一看差點換主推,台V技術力頂點各位不得不看!! http #神崎我大哥 #台V精華 #歌回剪輯,2.75,Chinese
+8224,下一个被榨干的人是谁呢 在我脚上吐奶的一瞬间酥酥麻麻的喔 #广州女王 #足j #足交 #足射 #广州线下 #广州女s #丝足 #榨精 #强制射精 #龟头责 http,5.0,Chinese
+8225,波真的太可愛了,3.2,Chinese
+8226,@user @user @dw_chinese 在飞机外面还挂着人的情况下强行起飞这不就是把人命当狗命?这跟直接扔下飞机有区别吗?你是以为台湾大撤退的时候美军会看在绿蛙忠心耿耿的份上不会强行起飞?,1.4,Chinese
+8227,爱了,痛了,到最后满身伤痕也只是自己。{,3.0,Chinese
+8228,蝦我覺得全世界都要打到高端ㄌ但我正在糾結是否在南部打一打再回家還是回家打Q,1.5,Chinese
+8229,@user 自己不让上外网,我看完了还不能上中文网发帖了?,2.0,Chinese
+8230,@user @YouTube 对,赶紧收回,实行一国专制,就不会出现这个乱相了。,1.4,Chinese
+8231,健身教练是个够贱逼 狗舌头舔鞋。 主人的漱口水一饮而尽。 狂舔地板和主人的口水。 http,3.25,Chinese
+8232,給最近突然爆量追蹤我的中國朋友: #去你的中國武漢肺炎 好了你們可以退追蹤了。,2.0,Chinese
+8233,"@CNN 至2021年5月16日,重庆法院抢劫我的房未赔偿。 http",1.8,Chinese
+8234,@Tong_Shuo 战斗力狂涨,因为瘦肉精可以减肥。,1.5,Chinese
+8235,@user 那样会死吧,1.8,Chinese
+8236,@user 这就是谷歌翻译的水平吗😂,2.4,Chinese
+8237,人性中,降生后的最初二十年形成的东西非常顽固,基本是很难再扭转。 所以原生家庭和学校教育的影响,会贯穿一个人的终生。 也有人能通过自身努力摆脱这种桎梏,很少,百中一二。,3.0,Chinese
+8238,@user @user @user 让我们感受下你的认知?,1.8,Chinese
+8239,母子,成熟女人来找我 #文爱,3.8,Chinese
+8240,本人謹此聲明: 我是香港人,我願意無條件支持前線醫護人員包括罷工等任何決定 ,並且不會感到被背棄,因為香港政府的無能不應由醫護人員承擔! #轉貼 #醫護罷工 #醫護的命也是命 http,1.8,Chinese
+8241,@user 可以幫忙啊,2.0,Chinese
+8242,我站加拿大炮王凡,明显被人针对啊,大帅哥发福利被人陷害,那小姑娘不厚道,各大拳师现在带节奏飞起。,2.0,Chinese
+8243,@user [中譯] 今天有瑪琳炭的線上演唱會喔👀 #白上吹雪推特中譯,2.2,Chinese
+8244,@user 不追求真相,只表明立场,在没有事实判断的情况下,直接正在阐释自己的价值判断,坚定的支持,坚定的拥护,但你问他为什么坚定的支持和拥护,他根本说不上来。,1.6,Chinese
+8245,@user 只是想为若分解点,哪有人一点不寻求帮助的呢?,2.2,Chinese
+8246,约了另一个闺蜜拍了一晚上照片 想看更……的 那就只能加微信了🩸🩸🩸 http,4.0,Chinese
+8247,@user 他还经常测量吗,2.0,Chinese
+8248,@user 美国政府不要执迷不悟了,美国的人权遮羞布早已遮不住其作过的恶,1.0,Chinese
+8249,@user 海外移民及海外投资合法资金出、入境。 国内外汇款电汇付款,代接收国外正经贸易款资金。美元,欧元,英镑,港币,日元!!17109026837,1.0,Chinese
+8250,反正又过了一天 杨雅茹一周没到手我就再也没相信过莫名了 才有她骗我和我说话释放恐惧 和成都到云南一样一周的时间,3.0,Chinese
+8251,虽然中国人该死,但还是希望不要以这种方式死掉。封城的消息太令人绝望了,但武汉人不要觉得被抛弃,要小心、要加油。,1.4,Chinese
+8252,我喜欢你,在所有时候,也喜欢有些人,在TA们偶尔像你的时候💕 #LGLivexKimCop #LGPuricareLiveWAP2 http,3.6,Chinese
+8253,@user 年轻真好呀,还能这种美甲,3.0,Chinese
+8254,@user 蘇蘇可以把聲音提高一點講話 試著找到自己喜歡的聲音(註:只能一點點一點點提高喔~一次太多反而會找不到,2.0,Chinese
+8255,@user @user 就是不可思议的事情想象不到呢,1.75,Chinese
+8256,@user 牛逼 空军注定是要吃屎的,1.5,Chinese
+8257,尋找所有人的匿名問題! PHN GIN沒有任何問題! PHN GIN山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.3333333333333333,Chinese
+8258,国务卿迈克尔·蓬佩奥(MICHAEL R. POMPEO)就中华人民共和国公民记者张展言论被压制和受到检控一事发表声明 | 美国驻华大使馆和领事馆 http,2.0,Chinese
+8259,@user @user 淘汰落后技术,腾笼换鸟,上民族产业。,1.0,Chinese
+8260,#狗头萝莉 经典香港三级片,真的刺激 或许你需要找人陪伴 你此刻正在承受孤独 你有许多需求,注册了很多app,你还是没找对门路 “圈甜社区“同城快速约炮app 同城约炮软件,福利姬的聚集地 下载地址见评论😇😇😇 http,2.6,Chinese
+8261,@user @user 当然是。,1.6,Chinese
+8262,一直找女主的奴 操了一个多小时 我老婆太累了 还是拔出来打飞机 射在骚奴的嘴里 注:等下我会曝光一只放鸽子的野狗 最讨厌这样的垃圾 http,4.4,Chinese
+8263,@user 别想了,不是我瞧不起他们,那人的粉丝没那个能力上985,2.6,Chinese
+8264,我在挑戰丹霞山-山童地域鬼王評分為5350,小組排名第1,世界排名第798! #陰陽師 http,1.6,Chinese
+8265,00要傳達的東西其實滿感人的,但是TV版推劇情的手法太低能了。 順帶一提葛拉漢嗚嗚嗚嗚嗚嗚嗚嗚,2.6666666666666665,Chinese
+8266,@user 富婆成就前途,金男扭转人生,2.8,Chinese
+8267,尋找所有人的匿名問題! 最近回答的問題 ● 現在最想要什麼呢?… ● 想被连续中出。… ● 插进去是什么感觉啊… #問題框 #尋找匿名問題 http,4.0,Chinese
+8268,@user 完全沒有這回事🙂,2.0,Chinese
+8269,@user 已經有,不用買,2.0,Chinese
+8270,@user 喜欢小寸头,3.2,Chinese
+8271,@user 孩子第一天上幼稚園跑去偷看,結果他很快樂在吃點心😂,3.0,Chinese
+8272,看完电影从影厅出来忘记拿雨伞,去洗手间的时候想起来,又跑回去找,结果没找到,问了影院的人也没看到。以为找不到了就走了,在商场里下了两层楼,被一个男生追上来问我是不是丢了雨伞,他在影厅捡到两把雨伞,还在找另一个主人。 #多喜欢一个城市一点的瞬间,2.4,Chinese
+8273,@user 天你在哪ㄚ 我在文博會裡,3.0,Chinese
+8274,玫瑰是我偷的,情书是我抄的,但我想睡你是真的 #裸聊 #文爱 #语音 #主播 #视频 #表演 # 一对一 #福利 #自慰 #套图 #萝莉 #资源 http,3.8,Chinese
+8275,@user 可pa吗,2.8,Chinese
+8276,/@SMQN17 假期学长宿舍没人 叫我去他 #宿舍paly ① 直接在床上开操 床板比我们还会叫 有点不得劲 后续床下开淦 http,3.8,Chinese
+8277,在北京,我的狗儿子呢 http,2.0,Chinese
+8278,這是我剛剛自慰的 #叫聲♥️♥️分享給大家 請問各位爸爸們我叫得還可以嗎?可以留言讓我知道喔🥰🙈 #騷母狗 #淫蕩 #欠幹 http,3.8,Chinese
+8279,@user 是直接转账的。你可以看一下转账记录。,2.2,Chinese
+8280,@user 好 我喜歡(沒人問,2.5,Chinese
+8281,尋找所有人的匿名問題! 涂偉偉沒有任何問題! 涂偉偉山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.75,Chinese
+8282,詹姆斯 怎么 没发推???哈哈哈哈 因为 他 知道 杜兰特 才是 KING,3.75,Chinese
+8283,@user 剛開始而已 要有心理準備 人數還會增加 我們只能做我們能做的事 就是戴口罩 常洗手 少出入人多的地方 降低被感染及傳染的風險 這樣疫情才能早日控制下來 #母親節剛過大家都外出慶祝 #人數還會增加的,2.0,Chinese
+8284,第一周平均每天打卡12小时 5555,1.6,Chinese
+8285,@user 这年头要看懂国际时政得先懂国际象棋♟😄,2.0,Chinese
+8286,@user 炒菜师傅在杭州赚的钱不像互联网从业一样跟别的地方有很大的差异..那还不如去别的物价低点的地方混🥺,2.0,Chinese
+8287,纹身猛男酒店狂插美女,地板都被磨擦的一直有声音。女主娇喘不停。 完整版1小时➕主页Q http,3.2,Chinese
+8288,准备他妈的,2.6,Chinese
+8289,@user 😭 原来是因为配置不够么?我用软件画图都是先手画个草图,才能画出来,2.6,Chinese
+8290,@user 砸自己的腳,等別人喊痛⋯⋯,1.75,Chinese
+8291,@user 如果還很穩定的話(不要亂講話,2.8,Chinese
+8292,也许可以给塞林博士提供的很多信息都在大家的照片库里!没事儿多翻翻! http,2.0,Chinese
+8293,@user 好可愛,3.2,Chinese
+8294,@user 原来你对英国一无所知,2.2,Chinese
+8295,@user @user 不能吧?她老公在旁边呢😂,2.8,Chinese
+8296,目前各半 我怎麼沒有感覺到有很多叫我晴的???(咦,2.0,Chinese
+8297,"@user 那空气是多么的香甜清新,有种奇异的奢华!",2.0,Chinese
+8298,@user 哈哈,你要亮宝贝这才是有效介绍,2.0,Chinese
+8299,@user 老梁在墙内有这种想法也可以理解,尊重他的言论自由,2.0,Chinese
+8300,@user @user @user 组成集体的目的不同,付出也不同。是为了共同的理想还是共同追求利益?,2.4,Chinese
+8301,@user 还有吗,1.8,Chinese
+8302,看我的雙眼勾人吧😉 不要投訴我不認真工作 我很認真在勾引你呢 #公司廁所系列 http,4.4,Chinese
+8303,第五卷:——我好希望,有某個人,可以讓地球就這樣暫時停止運轉——,2.6,Chinese
+8304,18岁,男,这几个月全天有空,坐标上海,喜欢人妻,少妇,擅长舔逼,可以线下也可以线上,有意私聊,男同勿扰,4.75,Chinese
+8305,@user @bbcchinese 你是多么的心理变态 脑子有屎 结肠末端被塞住 💩上脑?,1.4,Chinese
+8306,@user @user 哇,自行脑补画面了,2.75,Chinese
+8307,知道自己喜歡畫圖,也要知道自己在畫什麼 把圖安排成大型的炫技現場也罷,只是將直覺畫出來也罷,在已經飽和的市場無可厚非會有所競爭,不能去害怕競爭,尤其是清楚自己在意的要死又要騙自己不在乎,1.8,Chinese
+8308,也太会挑礼物了😭每一个都好好看啊啊啊啊 @MSuppasit #MewSuppasit #520ToysForMew,3.4,Chinese
+8309,實際上當然不只看了這些數量,觀看影視的時間大部分都轉到Netflix上了,串流時代潮流已經難以再返,雖有諾蘭等導演大力反對,但也有資深導演如馬丁史柯西斯的支持,也交出了好成績。,1.3333333333333333,Chinese
+8310,"@user 其实不是, 而是他们是最彻底的唯利是图, 最附和资本主义. 历史上受限制是因为那些国家都存在民族主义,种族主义,国家主义, 比如英国德国早期美国. 最后美国被解构了. 现在反过来在解构英国. 澳洲,",1.4,Chinese
+8311,@user 喔喔蘋果派!!!!,2.75,Chinese
+8312,我在“第五人格”,快來和我一起玩吧! http,1.8,Chinese
+8313,@user agender是非二元性別的一種,俺個人不認爲自己有二元性別的歸屬感也不屬於任何二元性別,頭髮與身材不能代表一個人的性別的。🤔(稱謂的話自己覺得無所謂,你可以隨便叫。祇是表明下自己的性別🙃,1.4,Chinese
+8314,@user 我想抽內褲,2.2,Chinese
+8315,你真的沒禮貌我就更恨你啊。大二快來啦我累了。,3.2,Chinese
+8316,@user 看不懂 好难受π_π,2.0,Chinese
+8317,什么时候才能不被别人影响到自己的心情啊 早知道就直接装聋作哑好了 现在什么心情都没有了 多管闲事还差点被破防了 http,1.5,Chinese
+8318,@user 辦公桌上處理,1.25,Chinese
+8319,@user 是真的。是东京的泄洪隧道,前几年日本下大雨的时候每一个小时超过100毫升一天,可以达到1000的降雨量,持续五天以上,这样的强降雨,东京安然无事,这个泄洪隧道起了非常大的作用。,2.0,Chinese
+8320,@user 蛋 愿 人 尝 酒 签 里 共 馋 捐,2.0,Chinese
+8321,这些是SCP的危害标志,大家鉴别奥利给的时候也可以参考一下 原网址: http http http,1.4,Chinese
+8322,寻找所有人的匿名问题! 最近回答的提问 ● 现在最想要什么呢?… #问题框 #寻找匿名问题 http,1.5,Chinese
+8323,@user 毛时代全中国人民都知道日本侵略造成中国人民死亡三千万,倒是今天大家只知道南京大屠杀三十万而不知道三千万。孰重孰轻?一个南京岂能涵盖全国? 反贼基本都是鼠目寸光。,1.4,Chinese
+8324,@user 謝謝😘😘真的,快樂是自己給的☺️☺️,4.2,Chinese
+8325,@user @user 歡迎來台中喔 晚一點有局嗎?,2.75,Chinese
+8326,Happy 2020! 今天做了20道菜,朋友们也拿来不少,请了30个朋友。 大家一起聊天、唱卡拉OK,迎接2020! http,4.0,Chinese
+8327,要不考完試之前不打噴射戰士了吧,嘔了,真格給我打抑鬱了......,2.0,Chinese
+8328,@user 两个人一起弄看着会更刺激,3.6,Chinese
+8329,@user 我剛上坐在火車就突然要處理一堆改線上的事 發分,1.6,Chinese
+8330,@user 偶尔看看你的发文,还以为你只有二十几岁呢,2.4,Chinese
+8331,@user 俗话说秀恩爱死的快。,2.8,Chinese
+8332,#DrLiMengYan1 闫博士首次谈论2020年与FBI以及国土安全部官员报告经历,过程比好莱坞大片还要精彩! http via @YouTube 闫博士又来博眼球啦,不过还是承认了“亚裔歧视”是她造谣病毒来源于中国实验室而引发的!,1.2,Chinese
+8333,@user @user 要低調(發會員卡一人一張,1.6,Chinese
+8334,文案我是写不出来,随便写点吧 【1】19+超大鸡吧 插进去的那一刻感觉整个菊花都被填满 每一次的抽插都顶G点 喜欢啪啪过程中蛋蛋撞击屁股的感觉 看着自己骚浪贱的视频 啊……好爽…… 视频分3段,分开发 http,3.5,Chinese
+8335,@user 不是用不了,你可以尝试下回复网络设置,1.25,Chinese
+8336,@user @user 她首先是动物,不应该生活在城市里,给她扒光了扔到原始丛林去吧,2.25,Chinese
+8337,@user 这样偷着可太刺激了。想加入,3.4,Chinese
+8338,@user 哈哈哈哈哈哈 我村这么荒凉有可能是男的看不上这边,2.6,Chinese
+8339,美国“关心”新疆人权,真是猫哭耗子假慈悲。,1.6,Chinese
+8340,想被老子的粗腿踹烂的骚逼婊子爬过来。可文爱羞辱你 #母狗 #文爱 #羞辱 #粗口 #伪娘 #白丝 #反差婊 http,4.0,Chinese
+8341,@user 是啊,你说他们的良心不痛吗?或者和O黑一样,表里如一?,2.5,Chinese
+8342,@user @user 哈哈,说的很有道理?,3.0,Chinese
+8343,@user 真心的沒多少,3.2,Chinese
+8344,玩情侣🐶 两口子一起舔我的🦶舌吻舔我大Jb 最后一起舌吻嘴对嘴 喝老子尿 真他妈爽😂 http,4.25,Chinese
+8345,来上海玩了一个艺术学院的学生。超级帅 调教他。S M。想被这样玩的联系我。好久没发视频了 希望大家转发关注。 http,2.0,Chinese
+8346,@user @user 之後有機會可以試試,2.75,Chinese
+8347,@user 修圖滿花時間的,要有空才比較能做www,3.25,Chinese
+8348,우리는상황과진상을이해할권리가있다 #에잇디_정확하게설명해 如果为了达到目的而强迫成员做奇怪的事情希望你们公司尽快倒闭 #8D_Explain_No_Silence 请你们站出来回应我们直视我们不要当哑巴是个人就出来,1.6666666666666667,Chinese
+8349,@user 你太厉害了,3.4,Chinese
+8350,@user 昨天的ASMR直播使用的是這邊的KU100君昨日☺️✨ 騎士風ASMR!是團員阿😳💕 #團長推特中譯,2.0,Chinese
+8351,跟@RikkaDreammask 合作的动物系列!新款兔兔头图透!! 会在23号开始的DMS年会上先行展出 月底的广州非凡集市我会带这个去🐰到时候记得来找我玩 http,2.2,Chinese
+8352,你女朋友知道你在床上那么骚吗? 含在口里都不愿意松口 生怕松口就吃不到了 下次抹点蜂蜜在上面看看怎么样 http,5.0,Chinese
+8353,此時此刻,許多地方宮廟教會、組織社團、派系頭人眼睛噴火,髒話不斷,憤怒不已。 他們正在串連醞釀,要狠狠教訓民進黨與蔡英文。 很多民進黨立委的地方助理,此刻心裡雖然感動,但是頭皮發麻,手腳冰冷,心裡是忐忑不安的。 http,1.4,Chinese
+8354,@user 近日,“郭媒体”贴出举办“郭文贵爆料革命——全球华人2019春晚”宣传画,大言不惭地冠以“全球华人”字号,彰显了郭文贵不自量力的疯狂丑态!,1.5,Chinese
+8355,郑州结束🔚3🈷️13号抵达北京 骚逼被操的开花🌸 说干了一个小时了,受不了, 持久打桩机 明天出发北京,北京的朋友们可以约起来 http,3.4,Chinese
+8356,母狗千万不要自己是可爱类型的,就不舍得打你,现实往往相反 投稿,获取原创调教教学内容,更多调教福利,以及加群,可加vx:aaaaaztsb(备用aaaaadssb) http,2.8,Chinese
+8357,@user 真的是這樣,不過,你也是好堅強的好人,老天會還你公道的,2.8,Chinese
+8358,湖北父女门 摄像头破解偷拍家庭父女乱伦 女儿回娘家 老父亲先和自己老伴来一发 趁老伴不在家 半夜又和女儿偷偷的…… 精彩剪辑前半段和女儿偷情乱伦 后半段又和老伴 高清完整版:https://t.co/fnkyPWeDnE http,2.6,Chinese
+8359,@user 太爱这个屁股了,4.0,Chinese
+8360,只要在愚人節還沒過完之前睡著 是不是就可以一直愚人節了,1.5,Chinese
+8361,@user 免費的沒關係,2.25,Chinese
+8362,@user 美女人设,2.4,Chinese
+8363,最後一趟載到一位應該是鐘點清潔婦的大嬸 然後上車沒多久開始和我講KMT很爛 韓國瑜是騙子 民進黨是在保衛台灣 之類的 我聽得很不以為然 但是基於職業道德我只能附和 是是是對對對 下車前大嬸多給了五十元當小費 我的心裡覺得五味雜陳,1.5,Chinese
+8364,@user 为什么三又国俄粉最多?因为俄国最敢屠支,辱支,三又:这不是亲爹这是什么。普京大帝万岁。,2.25,Chinese
+8365,在流逝時光總有一個人在等待 (二月二 🐉抬頭) http,2.2,Chinese
+8366,@user 中共就是一个暴力集团!,1.2,Chinese
+8367,想女朋友了,3.8,Chinese
+8368,@user 我希望您加入我的指导和交易计划,如果您有兴趣,请在这里给我发短信,这是一个难得的机会 http,2.8,Chinese
+8369,烏克蘭🇺🇦👧克里斯蒂娜從義大利🇮🇹飛回烏克蘭🇺🇦參加對俄軍戰鬥。我們烏克蘭🇺🇦男人陣亡光女人👩⬆️烏克蘭🇺🇦👧是世界上最棒最美的女人之一。❤️❤️❤️ http,2.75,Chinese
+8370,@user 你没开,1.75,Chinese
+8371,@user 4 一定頂撞爆你,2.4,Chinese
+8372,Sandra不知道能发什么照片了 Sandra的每一个地方都发过了,2.6,Chinese
+8373,【魅男学员实战】大多数的我们,没有有钱的老爸,也没有帅到可以当渣男的美颜,我们只想要成家立业,踏实学点恋爱知识,难道不是捷径吗?加入我们v❤️:NM79888 送价值88元聊天案例 http,2.2,Chinese
+8374,@user 裡面有穿?,3.6,Chinese
+8375,@user 吓死我了差点以为明天就开始上班,看了眼放假通知,emm 明天还能再休一天,2.0,Chinese
+8376,@user 好的,謝謝,早上去等了20多分,沒等到。有時間再繞去看看!,2.4,Chinese
+8377,@user 那些女洗澡堂,女更衣室里面拍摄的视频有多少找到并且处罚的?,2.0,Chinese
+8378,@user 哈哈哈哈哈。我是叫你們去試試看,2.2,Chinese
+8379,呼死你电话轰炸 短信轰炸 呼死你软件 轰炸软件 两者配合使用 催收 电话轰炸机 客服QQ 2942161670 2942161670 呼死你软件 轰炸软件. #呼死你 #手机轰炸 #短信轰炸 #电话轰炸 #云呼 http,1.0,Chinese
+8380,再也不喜欢放假了,这三天逛吃逛吃,竟然涨了3斤!!!,3.6,Chinese
+8381,一开始摸的版本 http,1.2,Chinese
+8382,@user @user 俄空军没能全面压制乌克兰的空军及防空力量,阻碍了他们给俄军地面部队提供有效支援,这可能是造成俄军总体推进缓慢的部分原因。,1.2,Chinese
+8383,只要有网络,中共都能找到你 #7哥大直播 #文贵大直播 http,1.2,Chinese
+8384,关于抽烟我给自己做了深刻检讨,你看看深刻不? http 來自 @YouTube,1.5,Chinese
+8385,@user 她老公真踏马孬种,3.8,Chinese
+8386,这种如狼似虎的少妇,起步就是S挡 #人妻 #内射 #骚逼 #淫妻 #母狗 http,2.8,Chinese
+8387,@user 已经有了希望!加油呀,1.6666666666666667,Chinese
+8388,这两天看到罗玉凤的一篇文章,应该是她本人写的,很真实感人,直击人心。包括我也曾嘲笑她,原来自己才是小丑。我们欠凤姐一个道歉。,2.0,Chinese
+8389,女友说如果想 她可以比这个女人更骚😂 http,5.0,Chinese
+8390,墙内需要这种有心人,把中共媒体的屁话都记录下来,让世人看到他们的前后矛盾,无耻双标,无知无畏。 http,1.2,Chinese
+8391,在抓境外势力这项上,墙国人的思维格外跃进 祝愿这些人每天继续抢菜哭求关注 http,1.0,Chinese
+8392,@user @user 之前睇港台外購節目都已經沙咁細,2.0,Chinese
+8393,@user 給他們施打容易憂鬱的激素 他們才會懂,2.25,Chinese
+8394,@user @user 被骗了?,2.4,Chinese
+8395,俄乌冲突爆发以来,小米、OPPO、华为等中国手机厂商对俄罗斯的出货量至少下降了一半。中国品牌占俄罗斯智能手机市场约六成份额。主要原因猜测是卢布贬值和制裁,因为汇率风险,许多俄罗斯智能手机经销商已停止向中国制造商下新订单。 http,1.2,Chinese
+8396,有被電到嗎😽😽 大家都在過昨天的情人節🥺🥺 但沒情人的我只能過今天的元宵節😵‍💫😵‍💫 什麼是戀愛的感覺已經忘記了🤔🤔 有人可以幫我找回它嗎?❤️❤️ #單身單眼皮 #元宵節快樂 #推推❤️❤️ http,2.8,Chinese
+8397,@user 那就只有继续画下去了吧大概,1.6666666666666667,Chinese
+8398,我这边学校因为疫情封校了 周六日回不去了(悲,2.2,Chinese
+8399,@user 一定要體諒的啊!有聲音就可以了,2.4,Chinese
+8400,@user 问题上俄罗斯能坚持一周吗,1.25,Chinese
+8401,快叫爸爸,又要来了。 嘴张大点,直接射进去 http,4.0,Chinese
+8402,@user @user @CaoYi_MFA 我看kogan有一个80刀,1.5,Chinese
+8403,@user @fangshimin 参谋长👍,1.8,Chinese
+8404,@user @PDChinese 你这种应该叫:喂不熟的狼🙃,2.8,Chinese
+8405,@user 拒绝还债也是一种制裁,全世界善良的人们正在用各种方式表达他们对普京的不满。,1.25,Chinese
+8406,这些是新增援马里乌波尔,装备精良,来自车臣的国民警卫部队,擅长巷战。但守卫马里乌波尔的亚速营与俄军打了8年,都是有信仰的战争老手,只要装备美军榴弹发射器,感觉车臣恐怖份子不是亚速营的对手! http,1.0,Chinese
+8407,你们爱烂逼么? 爱就请也成为烂逼。 http,2.0,Chinese
+8408,尋找所有人的匿名問題! 認為沒有任何問題! 認為山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.0,Chinese
+8409,我还是离家远一点吧……好tm讨厌这个地方……,2.6,Chinese
+8410,林男隨後發文承認:「被抓到沒話說,我的確就是台北市政府的公務員」 公務員上班時間上網發文,跟警察值勤時間上酒店哈酒,差在哪裡? 檢察官睡醒了嗎?瀆職案上門囉!,1.6,Chinese
+8411,@user @user @user 大家都可以想像到川普在演戲然後說要在波蘭、波羅的海或者黑海舉行軍演吧。而且大概會有更多頁岩油氣輸出,1.25,Chinese
+8412,@fangshimin 方老师影响力杠杠的👍,2.8,Chinese
+8413,@user 门槛高吗🤔,2.2,Chinese
+8414,如果一个人真的想见你,他会动用各种方式,翻遍全世界找到你。 http,1.8,Chinese
+8415,好痛苦三次元狗都不待 好喜歡盛望真的是我寶寶啊啊啊啊旺仔真的好喜歡你⋯⋯,3.0,Chinese
+8416,@user 可以说是完全免费又好用,2.6,Chinese
+8417,调教一个体育生薄肌奶狗,这才是正儿八经的薄肌体育生。 跪在卡卡球鞋下闻着黑袜臭脚 各种发骚最后被卡卡颜射 喜欢的帮转 完整🎬30min 主页wx获取💰 http,3.2,Chinese
+8418,男人說我的奶子真的好大 在我旁邊隨便都可以不小心碰到、回到((台語 真的是這樣嗎?😂 我認真覺得我的大小是普通 推特上餒餒比我大的多的是 #肉肉女 #肉肉女孩 #厚片女孩 #大乳暈 #大奶 #巨奶 #肥臀 #留言轉推按愛心 http,3.6,Chinese
+8419,@user 在公車上看這個好刺激(´▽`),2.4,Chinese
+8420,新中国联邦创始人、世界摇滚巨星带给我们太多的惊喜,太神奇了! http,1.8,Chinese
+8421,吉林省吉林市永吉县法轮功学员孙志文被绑架 2020年2月4日,永吉县法轮功学员孙志文在贴“疫情凶猛 真言保命”的不干胶时,被监控摄像头照到了,永吉县610头目张博带领几个警察,把孙志文绑架到城北派出所,并非法抄了家,抢走了全部大法书籍。孙志文不停的向警察们讲真相,当日晚回家。,1.0,Chinese
+8422,描述:诡计多端的0,假装睡觉,然后扫姿态勾引朋友,朋友玩他叉他,终于忍不住玩起来了,23分钟。 完整版见主页加QQ,彩虹成人用品加主页微信,会员群专享。 http,3.8,Chinese
+8423,妈妈带儿子出门,火车上儿子说妈妈我受不了了想想办法,妈妈把儿子带到火车的卫生间,脱下裤子让儿子的肉棒插进来,还在问儿子爽不爽,太疼爱自己的儿子了。#恋母 #乱伦 #母子 http,4.4,Chinese
+8424,@user 不买就是了,乱收费。,2.5,Chinese
+8425,@bbcchinese 真是狗是主人的翻版。太随你们的美国主子了。,2.0,Chinese
+8426,@user 早上還有嗎😂,1.25,Chinese
+8427,@user 身材不错,3.4,Chinese
+8428,出入我们公司所在大楼的人贫富差距应该蛮大的。有像我这样的普通员工,也有很有钱和地位的人。 我们一般人进电梯时,为防备被电梯门夹,就算不做挡门的姿势,也会让手自然垂在身侧、随机应变。然而极偶尔会碰见有人背着手挺着胸鞋尖朝上迈步进来的,看起来非富即贵,仿佛注定会有人帮他按住电梯门一样,2.0,Chinese
+8429,@user 真实,其实我蛮喜欢因情感的冲击而难过的,那样会让我觉得我活着,虽然那时候真的很想死,3.4,Chinese
+8430,@user 多吃點 小狐狸長大更可口,3.25,Chinese
+8431,"Children see, children do! 我們都是從模仿中學習的 但我們可以透過思考來決定 自己想要成為什麼樣的人 雲朵0104 http",1.25,Chinese
+8432,@user 情侣双方两个ntr😅,4.0,Chinese
+8433,上课的时候居然出现这个画面,就问你尴尬不尴尬! http,2.2,Chinese
+8434,@user 是犯罪行為,2.0,Chinese
+8435,人為什麼要上班受罪,1.2,Chinese
+8436,@dw_chinese 德国屠杀近600万犹太人~ http,1.0,Chinese
+8437,《komorebi》 这是真·随便弹弹 http,2.25,Chinese
+8438,LINE 免費貼圖整理:19 款 LINE 貼圖,限時免費開放下載! - 電腦王阿達 http,1.0,Chinese
+8439,最佳女友大赛 现在开始 http,2.6,Chinese
+8440,请战友们想想!当下什么是重要关注点!香港!王建案子!这才是CCP怕的!谁再给我发三峡大坝 大卫哥会不悦悦的!好吗!😈,1.4,Chinese
+8441,@user 摊上了这个大傻逼简直就是我们这一代支那人的福报😭,2.2,Chinese
+8442,@user 他敢这么说,那毒是他放的了,3.0,Chinese
+8443,@user 完全還原啦!跟本一模一樣,2.0,Chinese
+8444,一个不在意个人形象的人,内心一定丰富强大,得非常自信。小黄毛外观上有丘吉尔的撩乱,作派上有丘吉尔的遗风。英国人在选举这事上真的很老道,总能在关键时刻有个合适的人物来掌舵。真正的日不落帝国。 http,1.6,Chinese
+8445,@user 报名,1.2,Chinese
+8446,@user @dw_chinese 布林肯也就这点下三滥的招了😂,1.6,Chinese
+8447,@user @user 俄罗斯完了中国也就完了,这是一定的,但是以后中亚和北亚都会被买办变成北美印第安人化!只能等到美国衰弱后中俄直接冲突,那样两个帝国会一起倒下,之后才有中亚和北亚的机会,1.0,Chinese
+8448,变态肉便器女装ol(三) 张开双腿,在抽插下米米已经完全放弃抵抗,任由大鸡巴侵犯,认清自己肉便器身份的同时,屁穴已经被操开,爽到直接喷精... #伪娘 #肉便器 #女装 #变态 #鸡巴套子 #母狗 #femboy #男娘肉便器 http,3.6,Chinese
+8449,#偷拍直男 #勾引直男 #帅哥体育生 #篮球飞机 #帅哥粗口 #打飞机 🈶超帅超猛的阳刚🌟俊朗体育生种马哥哥在给你做俯卧撑喔,💕时间长,挺胯喷射🐍超多,喜欢来购~💰10 http,4.0,Chinese
+8450,@user 乾 看起來也太開心了吧😂😂,4.0,Chinese
+8451,消防员PTSD 您的手里是救过的人,您的下方不是没救到的人 是您自己。。 http,1.5,Chinese
+8452,小时候觉得能力是最重要的事,现在觉得很可笑。人人都能有的反而不值得珍重。,3.0,Chinese
+8453,每天用吃到飽手機電池都快陣亡 不想換手機,1.25,Chinese
+8454,尋找所有人的匿名問題! 陳凱翔沒有任何問題! 陳凱翔山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.5,Chinese
+8455,“慢慢相处 慢慢在一起 慢慢一起走 喜欢才不是随随便便就可以开始和结束的事情 ” #CutiePieFinalEP,2.0,Chinese
+8456,@bbcchinese 有什么办法能让俄罗斯自愿销毁些核弹呢,这国家穷得只剩核弹了,很可怕的,很容易引起世界末日。,1.0,Chinese
+8457,@user 這種卡曉,蒜了,1.8,Chinese
+8458,害死人的内閣.........就是垃圾選了位可當8年的總統............,1.5,Chinese
+8459,啊 不要 不要射在里面我男朋友会发现的 http,5.0,Chinese
+8460,@user @user 喷射战士,马车8,大乱斗,马里奥制造,各种肉鸽 这些都符合,虽然大概率是半个小时以后高血压关机子,1.6666666666666667,Chinese
+8461,@user 請買起來😭,2.4,Chinese
+8462,老师上课发现女学生在看小黄书,在办公室沦为老师的性奴 1 #男喘 #女性向 #剧情 http,4.0,Chinese
+8463,日本人是这样搬家的 太震撼了! 视频: 搬家虽说是一件非常琐碎而令人头痛的事情,但是日本搬家公司周到细致的服务,实在让人震撼! http,1.0,Chinese
+8464,@user 因为一个是直的一个是弯的呀,弯的阻力大,2.4,Chinese
+8465,@user @user 那只有唐僧适合你了😄,2.25,Chinese
+8466,@user 啊啊啊啊啊,刚看到你开Sps了,我还没下班,不能进😣😣😣,3.6,Chinese
+8467,#少妇 系列之一 第一视角后入 #蜜桃臀 小姐姐熟练运用 #美臀 有内味儿 http,4.6,Chinese
+8468,开博第一更,大尺度希望哥哥们喜欢,不希望爆火,只想过好生活挣一些生活费!#舞蹈生 #一字马 #芭蕾 http,2.8,Chinese
+8469,“我们拥有地图,拥有药物。 也拥有银色的酷派——尽管消音器的故障让得它显得很吵闹。 ……但我们没有时间,没有未来。 正因为心中明白这一切,我才更加感到悲哀。” ——《narcissu》,1.8,Chinese
+8470,@fangshimin 死都不怕,為什麼不幹掉幾個共匪?,1.8,Chinese
+8471,@user @user @iingwen 真得很可憐🥺 就不跟你說了、原來中國人裡面也很多討厭看不起你這種小粉紅、你卻不知道,2.2,Chinese
+8472,@user @user 国家乐不得这样呢😭,2.6,Chinese
+8473,@user 姐姐 私信不了啊,3.0,Chinese
+8474,NFT 对 GameFi 来说是一个优势也是一个负累。 #NFTs #GameFi,1.0,Chinese
+8475,@user 惊了,1.8,Chinese
+8476,@user 美国科罗拉多1000多户被烧,木房子遇火灭顶之灾,没买保险可怎办? 请反贼多多爱国也爱国人,1.6,Chinese
+8477,我睡不着。我感觉好不安全。,3.0,Chinese
+8478,⛓️🔒⛓️女女们 乌克兰🇺🇦 世界和平🙏🙏🙏🙏🙏🙏🙏 转发视频: “她说:如果有一天我被“消失了”你们会为我发声吗?网友一致回答—会的.我们一定会为你发声! 乌衣平安❤️🌹❤️🙏🙏 http,1.6,Chinese
+8479,@user @user @user 我删掉 yarn.lock 和 node_modules 好几次了,也没啥用。,2.75,Chinese
+8480,按照左派的策略 鸡国一个月之内必死无疑 还是那种彻彻底底,输个底朝天的 连昨日的昨日都要翻出来 嵌套的嵌套的嵌套,可以翻开看最初都是什么心 说真的,傻逼什么时候死,人家可以给它计算到哪一秒,1.6666666666666667,Chinese
+8481,@user 哈。每天都處男啊,3.2,Chinese
+8482,尋找所有人的匿名問題! chang j.w沒有任何問題! chang j.w山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.25,Chinese
+8483,@user 你的包裹追踪是怎么添加到谷歌的?教教我方法呗,2.2,Chinese
+8484,男女敏感带分布图 各位男士和女士学会了吗🍺 #绿帽 #绿主 #男根崇拜 #美女 #反差女孩 #淫荡 #刺激 #红杏 #迷人 #夫妻交換 #情侣写真 #真实 #红杏妻 #绿帽男友 http,3.8,Chinese
+8485,@user @user 那句「誰家的狗管好。」也能當讚美喔,厲害厲害,2.0,Chinese
+8486,@user @user 这个也吐 那是有喜了 😂😂,2.8,Chinese
+8487,@user 那帮人有病吧,这图咋了,敏感你麻痹,嘴里含着东西手有闲了?,3.2,Chinese
+8488,找到一条狗,潍坊宏景中医药学校,19,2.25,Chinese
+8489,@JoeBiden 习近平狗逼人家用芯片控制我,强加给我抑郁情绪,让我中午无法休息,狗逼人家不得好死!,1.6666666666666667,Chinese
+8490,@user 我也加速主义🥶,3.0,Chinese
+8491,@user 这是有奖问答嘛,1.6,Chinese
+8492,你是大西洋暖流,我是摩尔曼斯克港。因为你的到来我的世界成了不冻港 #KinnPorscheEP4 http,3.0,Chinese
+8493,@user 太强了,我之前戴过类似的尿道锁,但是因为疼,根本硬不起来,每次想硬的时候都会因为疼而软下来,你居然顶着晨勃,4.5,Chinese
+8494,可以踩下你的脸吗 http,1.75,Chinese
+8495,这3名美国男子23年入侵9个国家,杀害了数百万平民,没人称他们为战犯。 http,1.5,Chinese
+8496,@user @user 这都被发现了,牛牛的昂,1.6,Chinese
+8497,@user 辛苦了!!! 期待完全品 讓我們一起肝起來!,3.0,Chinese
+8498,@user @user 責任不在 我針 👍,1.75,Chinese
+8499,@user 200斤嫌疑极大,所有的领域没有不懂的,都可以指明方向。,2.5,Chinese
+8500,@user 洞真不错,1.6,Chinese
+8501,@user @user 「哪裡有什麼蒙古國,蒙古只是中華民國一個省」,1.4,Chinese
+8502,尋找所有人的匿名問題! F S沒有任何問題! F S山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.6,Chinese
+8503,@user 我很想要他的SSR嗚嗚嗚抽不到,2.8,Chinese
+8504,#拳交 #母畜 #贱逼 #骚逼 #母狗 #白虎 #虐逼 #调教 这只手比之前那个大吧,也都插进去了嗳,不过叫声逐渐凄惨,哈哈哈,阴道太短要不然胳膊也都进去了🤤 http,3.8,Chinese
+8505,@user @user 还果然是我葱省的传奇。,1.0,Chinese
+8506,@iingwen 别吹牛逼了,日增9w还是因为最大检测量只有9w,你在大陆找个村长都干的比你好,2.0,Chinese
+8507,@user 哈哈😄還好啦😅😅少喝一杯咖啡就有了😅😅,2.4,Chinese
+8508,#kimwooseok #김우석 #金宇硕 往年今日:160430 官推发布 给泰安带去美好的回忆,谢谢大家为我们打气,回家路上注意安全,下次见:) http,1.8,Chinese
+8509,#李旺阳# 聽說他一直想在政治上有所建樹,為此離開公民党另組建工黨,但在政治上一直沒有起色,看來這次是絕佳的機會。,1.0,Chinese
+8510,@user 太诱人了,3.0,Chinese
+8511,这两天妈妈天天上来跟我商量养殖事业。妈妈养了三年鸡,家里的土鸡蛋供不应求。爸爸说,妈妈喂得好,根本不赚钱。但妈妈很喜欢每天卖鸡蛋收点小钱的感觉。我把鹅养得很好,妈妈很开心。我这网上帮妈妈买她以前没有用过的养鸡食槽。妈妈很开心。以后我会跟妈妈一起,帮妈妈实现她想要的。,3.25,Chinese
+8512,@user 玩大冒險輸哦(踩,2.5,Chinese
+8513,當初那窩貓是母貓在工廠生的,一路誘捕帶走以後母貓越來越有警覺性,小屁可是跟在媽媽身邊最久的,大概到快三個月大才終於誘捕到。 聽說後來貓媽媽在工廠被堆高機壓死了,1.8,Chinese
+8514,在北京的报上你的位置 😌 姐妹双飞极致体验喔 http,3.2,Chinese
+8515,@user 舔什么舔,老公命都给你👅,3.2,Chinese
+8516,@user @user @user 当然可以,1.2,Chinese
+8517,@user @user @user @user 爱了爱了,捏捏,3.2,Chinese
+8518,@user @user 裸體翁翁蠻可愛的,可以考慮改名耶😜😜😜,3.75,Chinese
+8519,到了這個季節工作一整天脫下褲子後內褲屌包味道好濃喔😱😱,3.0,Chinese
+8520,到机场了,窗口关闭很多,自助值机也停了不少,南航柜台一个没开,好像要起飞前两小时才给办,刚来的时候还就我一人,眼见排队的越来越多。,2.0,Chinese
+8521,@user 中譯: 我们明天要做牛排和鸡蛋 明天做牛排和鸡蛋!如果你要和我一起做饭 我,你将需要: 1块肋眼牛排 1个洋葱 4瓣大蒜 5-6根大葱 2个鸡蛋 一茶匙咖啡粉 烟熏辣椒粉、碎辣椒粉 辣椒片 一些香菜 一些盐 一些橄榄油 一些黄油,2.0,Chinese
+8522,@user 前提是錢包要夠深(?,1.6,Chinese
+8523,尋找所有人的匿名問題! NNB沒有任何問題! NNB山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.6666666666666667,Chinese
+8524,看着自己取悦爹的视频,忍不住想舔自己的屁眼,含住自己的狗几把。 http,4.6,Chinese
+8525,@user 我覺得是要脫口罩 不是脫衣服 😂,3.2,Chinese
+8526,@user @user 每个地方也有好人和坏人,差别是比例多与少,这块古老大地以外,总的来说好人比坏人多,而澳洲人更是醇厚的人佔多数。,2.5,Chinese
+8527,@user 對與他的初戀愛情來說不一定會適應,4.0,Chinese
+8528,有没有妹妹可以满足一下哥哥的生理需求最好在19岁以下哦干啥都行🤤🐧:2291517079,4.4,Chinese
+8529,@user @user @user 被tg弄死的人还少啊?死的越多,领袖越伟大。,1.6,Chinese
+8530,情侣主视频,更多完整版在电报群 #情侣主 #家奴 #伺候做爱 #飞机杯 #吃套套 #舔结合处 #夫妻主 #女s #黑丝 #舔逼 #绿帽狗 #男奴 http,4.8,Chinese
+8531,@user 人固有一死,或轻于鸿毛,或重于泰山,用之所趋异也…,2.0,Chinese
+8532,@user Sp2 上班睡觉,1.25,Chinese
+8533,女男的教育方式差别对待:(儿童篇) 当男童已经在互相拉帮结派,到处探险和胡闹撒野,小女孩却被关在家里,听着外面的世界充满坏人的故事。 尽管家庭是现存最危险的地方,但家长以保护之名让女童保持封闭的状态。大人教她对外面的世界产生恐惧和不信任,却从不说清楚其中的原因。,1.0,Chinese
+8534,@user @user @user @user 🤣🤣🤣還是我拍照把自己拍矮了,2.8,Chinese
+8535,体育生只要被操了,就会天天想要男人,我家狗子也一样! http,2.0,Chinese
+8536,想忘掉一個你愛的人, 就像試圖去想起一個你從未見過的人一樣難 你也這麼覺得嗎?🤔 http #JVID #JKF #巨乳 #捧著 #太重 #引力 #性感 #長腿 http,3.8,Chinese
+8537,@user 干嘛的,1.5,Chinese
+8538,卫生间偷拍超级帅的小帅哥打飞机,下面很大,射了很多,想看更多完整版资源加微信15391130112,98元加入会员看更多。 http,4.0,Chinese
+8539,@user 還有你會玩吃雞 福音,3.0,Chinese
+8540,幻咪調查券什麼神奇東西 好欸,2.0,Chinese
+8541,美国为啥打南斯拉夫大使馆?赔偿的钱哪去了?(一) #南斯拉夫战争 #美国政府 #江泽民 #京西宾馆 #2400万美元 #100万人民币 http,1.6,Chinese
+8542,@user 多了帽子跟抽繩 應該 是 這樣 吧,1.8,Chinese
+8543,算了一下,卧床不起式的生活,维持生命一天二两牛肉够了,只是需要尽量避免翻身,消耗太大。 http,1.5,Chinese
+8544,@user 月老人會很多嗎?,3.0,Chinese
+8545,@user 先把核查的人蓝金黄🤣🤣🤣,1.6666666666666667,Chinese
+8546,本人190有腹肌18cm,我学员184有腹肌,16cm都很帅,游戏有一起玩的吗,只限单女,带你你闺蜜也可以。#多人运动 http,4.25,Chinese
+8547,泪目,他们还能再次相见,我们在未来是否还能见到一些我们认为再也见不到的人呢? http,2.75,Chinese
+8548,@user 嗯嗯,還是要做好防護措施,要不然這個姿勢真的蠻危險的。😅,2.6,Chinese
+8549,@user 我超級不希望出現飯圈的粉絲素質上升偶像的現象⋯⋯⋯⋯,2.5,Chinese
+8550,本周日(4月24日),#马克龙 和 #勒庞 将在第二轮选举中对决。根据民意调查结果,馬克洪目前的支持率为55%至56.5%,比5年前减少约10个百分点。 #你觉得谁将胜出,1.2,Chinese
+8551,除了精神病院,又多了一个把人搞进去的好去处。 http,1.6,Chinese
+8552,@user 大小国一律平等,这就是最大的不平等。中共智障言论,和美国的要自由民主,不要主权不要公正一样。,1.2,Chinese
+8553,情侣互动开直播 大🐔8插着女友的B猛干 镜头前不停的换姿势到位 有完整版 http,3.4,Chinese
+8554,《善良小姨子》 part3:而迷途知返的妻子,知道亏欠丈夫,于是和自己妹妹说好,让男主从此过上了左拥右抱的生活.... 完整版点击视频里的链接 http,3.75,Chinese
+8555,@user @user 这样吗,,,学习了,1.25,Chinese
+8556,@user 我覺得你身材越來越好欸 從以前看你到現在,3.25,Chinese
+8557,#线下 #郑州 #河南 好爽哦,转推继续抽 http,2.4,Chinese
+8558,人形犬是世界上最卑微的动物,披着人皮的畜牲,不配拥有尊严!只有给主人上贡才能提现出自身的一丁点价值!#ATM奴 #工资奴 #无脑贡 #账单奴 #SM #母狗 #公狗 #脑残 双11要到了。有没有贱狗孝敬主人的?👞 http,1.0,Chinese
+8559,@user 还在么,2.6,Chinese
+8560,@user 礼义廉,无耻,哈哈哈哈,2.0,Chinese
+8561,蔡總統: 「我相信,《時代革命》是每一位台灣人,都該來看的紀錄片;這也是所有關心香港前途、民主發展的人,都應該來看的紀錄片。」 http http,1.0,Chinese
+8562,@user 怎么能这样!,3.333333333333333,Chinese
+8563,@user @user 厲…… 害了我的國,3.2,Chinese
+8564,@user 讓我來給妳激情,3.4,Chinese
+8565,周末终于结束了,我的周末开始了,3.0,Chinese
+8566,无聊的一批,来个妹妹聊天啊,2.8,Chinese
+8567,如果一切太顺利的话 那就太点单了,1.75,Chinese
+8568,🌰第一次被要求露出,心里挺害怕的,一直在跟我撒娇。#露出 #反差学生 #反差婊 #反差萝莉 #高中生骚狗 #性奴 #性奴开发 #高中生学妹 #露出散歩 #露出癖 #露出任務 http,3.8,Chinese
+8569,215 我把相片拿来了,你看看。,2.75,Chinese
+8570,@user 辦大案子模式( 目前還是用手機玩,我覺得就休閒抽卡惹(躺,1.75,Chinese
+8571,@user 好帅喜欢,3.2,Chinese
+8572,@user 川普總統 這是中國網軍 在台灣臉書 企圖以不實言論 誤導 台灣人對美國的信心 這只是 其中一個例子 還有很多中國網軍 在做此行為 http,1.0,Chinese
+8573,@user 报名需要拍照吗,2.0,Chinese
+8574,@user 偷拍還批圖真的是很變態,2.2,Chinese
+8575,帅气中年大叔,穿着工作服,被人妖口射深圳福田某位执勤大叔,挺帅的,但是灯光有点暗,可以看到大叔表情还有声音,光表情和声音,估计都会有人喜欢的 http,3.4,Chinese
+8576,@user 刀哥,虎哥,你让我陷入疯狂。,2.6,Chinese
+8577,@user @user 哈哈哈哈哈哈哈哈哈哈哈笑死,1.8,Chinese
+8578,@user @ChineseWSJ 你这话敢不敢去和阿富汗叙利亚伊拉克人说,1.5,Chinese
+8579,当你为俄罗斯侵占乌克兰而分散注意力的时候,英国政府发表了一份报告,指出英国现在每十人因中共病毒而去世的人中,有9人已经完全接种毒苗。说好的防重症防死亡呢? http,1.6,Chinese
+8580,@user 在幹嘛寶😍👊,3.6,Chinese
+8581,我们戏称sk为见面会cp,广告cp,是无奈之举,而不是意味着我们愿意接受,希望你们知道尊重是相互的 #OnlyForKristSingto #GMMTV @GMMTV @user http,2.6666666666666665,Chinese
+8582,@user 啊 你出来了!!你想做就去做吧,3.0,Chinese
+8583,轉噗 拾柒: 李政瀚:音樂歸音樂,政治歸政治,這是很沒邏輯的話。音樂絕對是社會的縮影,很多創作跟社會息息相關,社會跟政治也是連在一起的。葛萊美獎自己都願意讓烏克蘭總統直播演講,代表他們很清楚,音樂的本質跟社會是連在一起的... http,1.25,Chinese
+8584,不過蠻搞笑的一件事情就是,現在我的首頁日英簡繁大混雜,導致語言系統有一點混亂,1.2,Chinese
+8585,@user 发,1.8,Chinese
+8586,@10DowningStreet @ParalympicsGB 伙计,中国网友非常想给你捐款理个发。,2.4,Chinese
+8587,劇場版了解,1.0,Chinese
+8588,北約確認將於1月12日與俄羅斯舉行安全會議 http,1.0,Chinese
+8589,一定要把老百姓放在心上,真正为他们办实事!两会下团组,习近平总书记的话里总是有对人民最深的关切! http,1.6,Chinese
+8590,@user 别忘了,还有很多被你搞过的西装男。,4.4,Chinese
+8591,@user 我还真的去看了二舅视频,中共无非想暗示:1,打疫苗致残,要自己克服,不要找国家麻烦!2,自生自灭还要品出幸福感!3,百姓都打了三针了吧,品出幸福感了吗?没有共产党,就没有你们的满足感!人类最大的公敌-中共!,1.2,Chinese
+8592,請問我的C奶可以換到幾公分的屌? #以物易物的概念 #互助互惠😆 #週末狂歡夜 http,3.6,Chinese
+8593,我看很多人在转发比利时Ferrero的儿童巧克力产品,兴高采烈!记住!这个是4月10日的消息,早于比利时总理去波兰,请大家谨慎把这2个信息关联在一起!切记切记! http,1.0,Chinese
+8594,@user 最大的问题:信息不对等,1.5,Chinese
+8595,所以說昨天崔爸有去欸 他看到椅子那段不知道有何感想🤪🥴,3.2,Chinese
+8596,@user 早安,挨冻排队中,2.4,Chinese
+8597,@user 原來如此🤭,2.25,Chinese
+8598,@user 热钱流进美国那边,正常,中国的钱也分,部分是热钱,大部分是冷钱(储蓄第一大国),想流进美国也不是那么容易吧,除非有脸面,借贷(必须还贷)出去投资逐利,个人浅薄的观点。😅,2.0,Chinese
+8599,上帝之所以创造指纹,是因为他想让人们知道:其实,每个人都有伤痕。,1.75,Chinese
+8600,@user 不管你是什么面目,反正都是外来赚我便宜的“敌人”。不是贪图自己的好处,干什么跑过来。反正,马克思希望西方工人阶级没过来,来的都是资本家和想发达的企业家。,2.0,Chinese
+8601,天天好可愛😆,3.0,Chinese
+8602,@user @user 你是不是搞錯黨了?台灣舔共黨就是中國國民黨,2.0,Chinese
+8603,@user 真想跟你在公司一起來,3.0,Chinese
+8604,@user 确实又有一点,但是ERROR的话,还好要适应,3.0,Chinese
+8605,惨无人道!光头保安队长一天内被两个壮汉侵犯 (这个光头熊0有6部合集,喜欢的戳我头像,加签名里的联系方式) http,4.2,Chinese
+8606,@user 中华人民共和国才几十年,哪来的脸说有五千年历史。,1.5,Chinese
+8607,@user 哈哈哈哈哈哈,世界的尽头是核酸 😁😁😁,3.2,Chinese
+8608,@user 实不相瞒再往下一点拍一点 我就对着冲出来了,2.2,Chinese
+8609,@PDChinese 杂种 怎么还不死,2.2,Chinese
+8610,關於前兩天的奧斯卡巴掌事件,我認為威爾史密斯亦有過錯。在頒獎典禮上他是屬於身份位階較高的一方,如果他上台嚴肅要求克里斯洛克道歉,洛克能不照做嗎?在此情況下行使暴力就是濫用身份優勢。 然後我個人想像的理想應對方式,是潔達史密斯自己上台要求克里斯洛克道歉,威爾史密斯站在她身後展現支持,1.4,Chinese
+8611,精神状态不好的时候 脑子也不太好使 甚至心情越不好笑得越多 想起回初中看老师的时候 初二的学妹问我 “姐姐你怎么在假笑呀?” 唯一一次伪装被拆穿,3.5,Chinese
+8612,@user 剪一下吧! 也比較好整理,2.4,Chinese
+8613,@user 说的对,2.0,Chinese
+8614,@user 她就不怕老逼登拉她一脸....奇怪我为什么要说一脸...,2.0,Chinese
+8615,【東航回應“壓縮維修成本”:不降反增】近期網絡傳言東方航空存在壓縮維修成本的情況,東航宣傳部部長劉曉東24日下午回應,即使在疫情期間,航班量減少,東航為確保安全,維修成本不但沒有降低,反而有所增加。 http,1.0,Chinese
+8616,@user @user 啊?推迟了吗?请问有具体的时间吗?,2.0,Chinese
+8617,@user @user 不仅🐔巴大,🥚也是够大的,凶猛绿主啊👍,4.2,Chinese
+8618,@user @user 规则,规则最重要,不然不管你咋惩罚这些人,下次再来一模一样。 比方说地方政府的“掩盖”,那是中国的法律造成的,如果法律不变,下次还是这样的玩。,1.0,Chinese
+8619,@user 小姐姐约吗,4.2,Chinese
+8620,@user 胸才是重點,3.4,Chinese
+8621,@user @user @user 你換個實力強的出來,你這雜稅太丟人了,窮逼一只,1.6,Chinese
+8622,@user 另外两个的推特多少啊,1.5,Chinese
+8623,任何事情都是意犹未尽时最好 #湖州 #湖州约炮 #湖州学生 http,2.8,Chinese
+8624,把整张披萨塞进嘴里了 擦去嘴角的残渣的时刻才意识到自己在干什么,2.2,Chinese
+8625,请优先考虑那些优先考虑你的人 不想处太累的关系 下一个万粉福利想看我拍什么? http,2.5,Chinese
+8626,@user @user 经典苏联笑话:撒传单。撒了几张白纸,被捕,争辩说,只是白纸,凭什么抓我?警察嘿嘿一笑,你以为我们不知道你想写什么?,1.0,Chinese
+8627,网黄1s大鸟攻狂草高中生弟弟系列、喜欢看弟弟们的不要错过。都是好看的弟弟。需要的加我主页Q。欢迎咨询👏 #22部 http,3.0,Chinese
+8628,下午運動完 又見四腳獸 🙈🙈🙈🙈🙈 在床上難道沒有比較好嗎🤔🤔 http,2.0,Chinese
+8629,@user 很好懂😂,1.6,Chinese
+8630,有台灣北部的母狗嗎 #射屏 #合照 #約砲 #做愛.,3.8,Chinese
+8631,满足你的各种想法,解锁各种体位姿势(同城约 线下兼职 情趣 调教) http,2.0,Chinese
+8632,@user 應該不是牆強🙃,1.3333333333333333,Chinese
+8633,@user @user 几乎所有国产手机都可以看的吧,包括华为,1.0,Chinese
+8634,@user 不能让飞行员最后那几句飞机故障暴露出来,黑匣子很重要,绝对不能让其被找到,2.0,Chinese
+8635,@lolesports @user sgb赢得了掌声 rng赢了比赛 有些狗高潮了半天还是被打脸了 哈哈哈,3.0,Chinese
+8636,@user 哆哆嗦嗦过大年 小心翼翼说谎话 郭文贵的日子是一天不如一天 了,1.8,Chinese
+8637,AT&amp;T和Verizon表示,它们已同意将其新5G服务的启动时间推迟两周。此前,这两家公司曾拒绝美国联邦交通部门官员提出的推迟要求,现在改弦更张。 http,1.2,Chinese
+8638,打桩教学(下) 爱上我, 还是爱被我上? 打桩知道么 不用点头 我知你也乐在其中 @user #主人 #调教 #17cm #母狗 #摄影 http,2.2,Chinese
+8639,@user 甜美氣質與身材兼具,希望有機會認識你們 😘,3.8,Chinese
+8640,@fangshimin 這國很跩也很傻,你又不是交戰的一方,愣是限制民間表達不同的聲音,到頭來只能得到與俄爹殉葬的結局。,1.6,Chinese
+8641,@user @user @user 确实可恨,但也不能说所有中国人都不正常吧,2.8,Chinese
+8642,今天起个早,在等一个诚心的把人家带走,爱怎么样可以 💐((🌺⥎🌺))🌹 #东莞,3.5,Chinese
+8643,"❤️哲学问题♥ 其它男人的大鸡巴是用来征服女人的 你的小鸡巴能用来干什么呢? 不会是.... 🌟进同好Q群步骤: +QQ❶❼❾❽❼❾❼❺❼获取19.9圆附款码 然后进群:来聊天,搞黄色,约炮吧🌟 http",4.8,Chinese
+8644,@user 啊这,我误会了,不好意思😇,3.4,Chinese
+8645,@user 想嚐試,……,2.4,Chinese
+8646,@user 你每次拍都会跟摄影师啪吗,3.0,Chinese
+8647,#斗M #中部 #約炮 #未滿18 但是沒犯法 轉推起來各位讓更多人認識我 更多人來幹我 http,3.25,Chinese
+8648,青岛确诊与已知病例基因库均不同源(这消息有意思了,既可以把黄岛港管控起来,又声明基因测序发现新的病毒,一箭双雕呀。) http,1.2,Chinese
+8649,烏克蘭曾是世界第三大核武國家!應美要求放棄核彈,卻等不到軍援…他嘆:從棋子變棄子https://t.co/dG2CHDKLor,1.0,Chinese
+8650,@user 离开的话,能互相理解的朋友又会变少了,即使不被外人理解,互相包容的话也能有一点微不足道又十分重要的容身之所吧,1.75,Chinese
+8651,@user 不是有那句话嘛,主要看气质。,1.8,Chinese
+8652,#重庆 #发骚日记 想和你一起,在地毯上疯狂doi…… http,4.2,Chinese
+8653,@user 你竟然搖了,1.6,Chinese
+8654,@user 搭訕噁男軍團中山真的大本營,1.2,Chinese
+8655,會報案三 有感於科技日新月異的關係請公司考慮向外國引進新式的各種科技以強化未來公司的作品片效果也許會讓公司覺得沒必要現在就引進但是相較於外國我們華人成人事業實力略微不足所以非得引進不可請再三考慮此會報案謝謝,1.0,Chinese
+8656,@user 推特為什麼不能按哈 我這幾天看起來超像歷史&amp;政治仔 我最近在讀明治維新跟日本時事 這幾天會讀這兩個 其餘就準備自我介紹+把系網上的影片看完,1.0,Chinese
+8657,我操什麼傻逼班主任 讓我們考試作答往班群裡發?😅😅,3.25,Chinese
+8658,@user 有这时间在这儿当赛博战狼不如先去把台湾收复了把铁链女解救了再来搁这儿关系国际局势,2.0,Chinese
+8659,@user 我要舔这个!(),2.6,Chinese
+8660,@user 也是没什么招了,开始封嘴,1.3333333333333333,Chinese
+8661,@user 為什麼是打遊戲的時候?😀😀😀,2.4,Chinese
+8662,❤️❤️❤️❤️❤️ 完整版已发电报群(紧缚室影像作品群 目前已添加27部完整视频), 私信进群。 #捆绑调教 #绳艺捆绑 #紧缚体验室 http,3.2,Chinese
+8663,开学了 会更新的慢一点了 快万粉了 你们有什么想看的吗 http,2.2,Chinese
+8664,@user 难道不是《行凶现场》吗?,1.8,Chinese
+8665,@user @user @user 我是台灣人,具有中華民國國籍,但並沒有認同中華民國作為台灣真正的主人。你們這些港支,說你支你還不明不白,連心態連最根本的歸屬都支,也在學人家喊革命。,2.0,Chinese
+8666,高蛋白喝完了,接下來要買哪一家呢?,1.8,Chinese
+8667,可可爱爱没有脑袋~ #抖音风 #裸舞 #jk制服 #尾巴 #电报 @user http,3.75,Chinese
+8668,@user 是人际关系的一种,处在这种关系中的双方有保持伴侣关系的意愿,但又不受传统的一夫一妻制的限制。这意味着双方同意保持恋爱关系或伴侣关系,同时也接受或者容许第三者的介入(百度来的òᆺó),2.8,Chinese
+8669,拿下我闺蜜,我俩都是你的,凡是今天成为她粉丝的,会挑选前50名,发送福利,避免推特限流,可以加她电报,她会慢慢回关,免费一对一视频互动福利,私信她@1312537an qi 电报:https://t.co/rGcYD4vMtO http,3.0,Chinese
+8670,@user [震惊] 在公路上坐电动车时死掉了! 这真是惊人的,1.0,Chinese
+8671,@user 无论你身处世界的任何角落,请记住, 你的头顶上永远有一把强大的镰刀。,1.5,Chinese
+8672,Twitter:涨粉、点赞、转推、自定义评论 Facebook:涨粉、点赞、转推、评论 Instagram:涨粉、点赞、播放量、评论 Youtube:订阅、点赞、播放量、评论 Telegram:快速建群拉人 Discord:拉人 包月在线 微信:fans168199,1.4,Chinese
+8673,《关于我裸体在门口拍照刚拍完还没站起来就听到爸爸回来的脚步声迅速冲进门但还是被看到以至于爸爸进门就问:“你不穿衣服在外面干什么”这件事》 http,3.8,Chinese
+8674,@user @user 那你可能沒遇過金牛,2.0,Chinese
+8675,@user 爱了爱 了,2.5,Chinese
+8676,@SpeakerPelosi 你很快就会去与他相见了,急什么呢? 老妖婆子,你还以为能活100岁吗? 美国人民早就等你归西啦,哈哈。,1.8,Chinese
+8677,@user 你这头是天生歪的还是拍照时歪的?,3.25,Chinese
+8678,@user 請用一句話證明你是中國人~ 我昨天才剛做完核酸呀~,1.2,Chinese
+8679,可能我这个人比较自我吧,不太擅长(喜欢)过多得去考虑对方的感受和想法,所以那种黏黏腻腻的状态真的不适合我 http,3.0,Chinese
+8680,【非原创】 想体验被操尿的感觉、哪个北京的大猛1约一下啊 http,3.8,Chinese
+8681,我真是半夜会发疯的典型哇!跟白天都不像一个人,情感丰富剧烈波动,很容易上一秒欣喜若狂下一秒郁郁寡欢,冲动消费,突然产生危险想法…………怪诶,2.25,Chinese
+8682,@user @user 我月中生日 過埋先,2.6666666666666665,Chinese
+8683,第五題。 Road rage…這要怎麼翻譯啊! 呃遇到三寶會不會生氣(?),2.8,Chinese
+8684,@user @user 现在咋变成这个鸟样子,3.0,Chinese
+8685,@user @user 不止经济,它搞什么都是运动式,1.4,Chinese
+8686,@user 我的中醫師曾經把完脈跟我說。最近家裡有長輩過世吼。等等醫生你這是通靈還是把脈啊⋯⋯,2.6,Chinese
+8687,00后在校学生 ,只约同龄小哥哥, 私信报位置 不是同城的 不约哦 想约有共同话题的小哥哥 关注加点赞 送10个原味内衣。没洗过的哦 http,3.0,Chinese
+8688,我这样子去站街会有人点吗 #伪娘 #sissyslut #拜金婊 #反差婊 #露出 #妓女 #人妖母狗 http,4.666666666666667,Chinese
+8689,@user @user 可能在班里互相传☹,2.4,Chinese
+8690,加拿大站队欧盟,加入对俄罗斯关闭领空行列 随着西方对俄罗斯入侵乌克兰制裁力度加大,加拿大正在加入欧盟国家行列,向所有俄罗斯飞机关闭领空。 到目前为止,西班牙、希腊、塞尔维亚和土耳其是剩下的几个没有加入到反对俄罗斯行动中的国家。 http,1.4,Chinese
+8691,惹 有点平静地跟朋友讲性取向这些了 本来也没什么说不出口的 被理解就是很棒 http,3.0,Chinese
+8692,“我们将重建乌克兰”! 较早前已委托朋友代表 NFCLOUD 向乌克兰捐款一千多美元,后续会视情况捐助。愿战争早日结束,乌克兰难民早日重返家园。 http,1.4,Chinese
+8693,别眨眼,往下看 ! 👇 👇 👇 恭喜你发现了宝藏推主,靠谱推注,, 广州资源 👍 深圳资源 👍 佛山资源 👍 珠海资源 👍 中山资源 👍 twitter:@YYDSkaopu666999 这个推注不错,妹子多又靠谱 💯💯💯💯💯💯 😍好货多,3.6,Chinese
+8694,@user 想用鸡巴把你顶起来吧可能😃,4.4,Chinese
+8695,处男#德州,1.75,Chinese
+8696,@user 我只是想稱讚你好風趣😭😭😭 支持你實現你的夢想!!!!了不起!!!!很有野心!!!!(乾,3.8,Chinese
+8697,@user 谢谢,刚刚仔细看了!,1.8,Chinese
+8698,@user 边自慰边开麦打游戏,4.2,Chinese
+8699,萬古文章有坦途 縱橫誰似玉川盧 真書不入今人眼 兒輩從教鬼畫符,1.25,Chinese
+8700,@user 原來你內心這麼糾結,2.25,Chinese
+8701,@user 在哪里,1.75,Chinese
+8702,@user 有夠美的啦~~,2.2,Chinese
+8703,到法國幫看到了最噁心otic的生活和計價團 還有交易和銷售8花蓮娜壇 多名老手立刻退休立場 看我穩如泰山的🎯 掉我去草樹林 吃點心和喝紅豆冰 明白了我是山猴,2.5,Chinese
+8704,要搬家了,忙著整理舊家當,有好多不必要的東西。 整理的心累,來看個照片壓壓驚。 http,2.8,Chinese
+8705,@user @user @globaltimesnews 香港人?到最后谁被砸脚拭目以待吧 真以为你们的洋人爹会帮你们 会付出代价的,1.0,Chinese
+8706,這是以前年輕黝黑結實的我~ 舊片好多精華。。 http,3.25,Chinese
+8707,@user 不派医务,却派武警,真是把人民当猪养,去TMD,1.0,Chinese
+8708,@user 恭喜回到辦公室!,2.6,Chinese
+8709,试探的健身高冷老婆2。健身教练很舒服啊,随便摸,所以你身边哪些去健身房的是婊子吗! #羞辱 #露出 #调教 #胁迫 #压榨 #反差 #圣水 #洗脑 #绿帽 #老师 #憋尿控制 #性奴 #认主 #自慰 #试探 #长沙 http,4.5,Chinese
+8710,在GETTR看 全球喜马拉雅农场联盟委员会直播 2022.03.05 晚 《新中国联邦新闻》 http,1.5,Chinese
+8711,有沒有人想訊打 現在 密我喔,2.8,Chinese
+8712,全世界对中国这次在一个月内对病毒的研究都是认可和肯定的,就很多键盘侠们高度质疑和严厉批评。我觉得这次的失误,就是错估了病毒的厉害程度,以及地方政府的习惯性思维,想着在这种特殊的节点上以稳为主。,1.0,Chinese
+8713,我堂堂正正的孩子为什么要靠fm露台目击 #피디수첩_엑스원왜곡보도_사과해 明明堂堂正正下来一起跳舞啊 #PDNote_Apologize_toX1 有空一起吃鸡爪记得点无骨噢,2.5,Chinese
+8714,@user 鼻子那里再加上一个震动的功能,就非常不错了,这造型看着好涩,2.2,Chinese
+8715,@user 可以约吗,3.2,Chinese
+8716,@user @user 劳斯 我需要翻译,1.2,Chinese
+8717,@user @user 中国来去自由,想走现在就可以收拾行李了。,1.2,Chinese
+8718,中国为什么有那么多富人? 你爱的中国真的富强了吗? 那政权榨干你每一滴血汗 除非你领到了第二套钞票 http,1.2,Chinese
+8719,随机抽取一位幸运观众连睡 要求声音好听 不搞黄色,1.75,Chinese
+8720,#GETTR #澳喜要闻 布查正在恢复平静的生活! 愿全乌克兰都尽早回到和平! ... http,1.25,Chinese
+8721,@user 只要traceable就行,1.2,Chinese
+8722,@user 书就是知识面的拓宽而已,没有智慧去融会贯通读再多的书也是被作者洗脑!,2.0,Chinese
+8723,新年快乐 ^,3.0,Chinese
+8724,@user 真让人寒心,1.8,Chinese
+8725,"深圳检察机关就原宝安区委书记席海明涉嫌受贿、巨额财产来源不明一案,向深圳中级法院提起公诉。中新社报道,现年五十五岁的席海明被捕前系中共深圳市宝安区区委书记,因涉嫌受贿及巨额财产来源不明犯罪,于一九九九年十月被捕,检察机关认为席海明的行为已构成受贿罪及巨额财产来源不明罪",1.0,Chinese
+8726,现在的高中生了不起啊!毛都没有,姿势到会很多,趁父母不在家偷尝禁果,无套多次没射,女生身材没话说! 投稿@8080yz 完整版观看地址在评论区👇👇 http,3.5,Chinese
+8727,【炮友脱毛三次后效果】 很多网友问我 去你们店里脱毛是不是可以被艹? 是不是可以艹你? 郑重声明⚠️正规 纯绿色 没有特殊服务 客户私下约我很正常 彼此足够喜欢 我不介意私下来往 都有需求 肥水不流外人田😁 不主动 不拒绝🌈 http,4.6,Chinese
+8728,@user @user 看到了,555,冲,2.0,Chinese
+8729,我以為會在一起…,2.0,Chinese
+8730,@user 貓衣做咩禁夜都未訓🤨會老🤭 最近都搵緊自己方向(點搵錢,增值果類啦,時勢變得太快 至於...謝謝😊我會袋定貓衣,有需要搵你,2.0,Chinese
+8731,這裡有沒有人可以長期約呀 不喜歡一夜情 #性瘾者 #轉推愛心追蹤讓我知道你有在看 帶截圖來找我 http,3.6,Chinese
+8732,原创作品 上海过来的这个骚逼贱狗一边纹身一边舔主人的脚 不停的叫爸爸 求粗口 求耳光赏赐 贱的彻底 想付费玩他的可以联系我 可以无下限 喜欢纹身的也可以预约了 私人工作室一对一服务 私处纹身穿环都可以过来做 联系方式主页里面有 http,3.0,Chinese
+8733,@user 没找到好的方法。需要登录第三方让他们可以访问你的账户,并不安全。,1.75,Chinese
+8734,@user 你真的又帥又性感,非常誘人,會令我每天都來看一次,4.0,Chinese
+8735,@user 剩下一個名額哦,1.5,Chinese
+8736,@user 刮得好干净。通常来说一个月会刮一次吗?,2.4,Chinese
+8737,一点涩涩 我是良民 http,1.75,Chinese
+8738,市场消息:富士康暂停了位于深圳的中国总部生产,该工厂生产iPhone。 🙃 深圳这波疫情玩大了!,1.25,Chinese
+8739,@user 有些人身材好就算了,他居然还是个福利姬🙈,2.2,Chinese
+8740,好看的皮囊三千一晚,有趣的灵魂要车要房。,2.4,Chinese
+8741,#999号文件夹 #杂套图 茶艺 P.S. : 所有视图驾校都有,均为 #无码大尺度。上车后可在线观看或下载完整高清无码版,永久持续更新,详情私信 http,2.4,Chinese
+8742,@user 武汉单男,夫妻情侣可以滴我,2.8,Chinese
+8743,你们谁🈶这个视频,好想看,可以换 ➕491892779 http,2.75,Chinese
+8744,@user 我一看到的第一反应竟然是 只狼,1.25,Chinese
+8745,一群人只fo自己圈子和自己观点的人,慢慢就变成 echo chamber 的效果,一群人自己 circlejerk:对立面观点的两对人,都是在骂着塑造出的敌人的快感中度日,2.25,Chinese
+8746,@user 星期一到七都有优惠,1.0,Chinese
+8747,都他妈射完了,还在逞强的往下撸套子,有什么意义呢?是身为男人的不服?是觉得套子都戴不上 很没面子?不管怎样 都没用了,只有一次比一次快! http,4.8,Chinese
+8748,@user 我后悔大学之后没太努力,睡太多了😹,2.25,Chinese
+8749,腹肌小哥哥疯狂打桩,小0被按着腿,露出自己的骚逼,让哥哥的大鸡巴插进去,持续打桩😀😀😀😬😬😬 #打桩 #高中生 #做爱 #骚逼 #腹肌 http,3.6,Chinese
+8750,一旦浑浊成为常态,清白便就是罪,1.8,Chinese
+8751,@user 美图秀秀的视频剪辑也可以加,1.5,Chinese
+8752,我覺得咪哭的標籤活動會被國際新聞洗下去ㄅ過還是看看,1.3333333333333333,Chinese
+8753,@user 謝謝喔,2.6666666666666665,Chinese
+8754,覺得自己好賤 不喜歡跟這個人相處 甚至會覺得噁心 但身體又好喜歡好想要 是不是壞掉了(;´༎ຶД༎ຶ`) http,3.2,Chinese
+8755,@user @user 求关注 主页很多未成年母狗自拍,2.8,Chinese
+8756,啊啊啊 OMG🉐 端午节 有没有大🐔⑧在南宁 一起来玩啊 这边天天下雨都不好出去玩 只能待在房间里做爱 约的好几根🐔⑧都玩厌了 现在只想要更大更长更持久的来 http,4.0,Chinese
+8757,@user 原来如此!我英语很差也不会日语,实在是见笑了……pasu大佬画的太可爱😇😇😇,2.75,Chinese
+8758,臭宝 你想和妈妈玩刺激的小游戏嘛 要私信叫一声妈妈 你不相信的话可以试一下哟 http,3.8,Chinese
+8759,孩子今天放暑假 我也有时间了 新号弄好了我就发哈,乖 http,2.2,Chinese
+8760,@user 这个视频让我想起多年前这个《西海情歌》 http,1.8,Chinese
+8761,@user 鞋龙上大分! Shu新一代纯爱战神!,1.75,Chinese
+8762,真是一兴百兴!真是一衰百衰!人家在真正崛起,东亚病夫还在坚持病毒清零!恍然又已病入膏肓……🥲🥲🥲,1.8,Chinese
+8763,@user @user @jump_henshubu 中国人买了动画的版权在国内播买了作品的手办,然后他就拿这种剧情回馈他的读者吗? 他洽他的钱我看我的番本来没什么,但是他玩这个梗就该付出代价。中国人是tm有底线的,1.6,Chinese
+8764,我在17LIVE發現這個精彩直播,快和我一起看!#17LIVE #直播互動社交平台 #JoyIn17join17Miki🍄米奇喵喵屋 正在開播,快來看播喔! http,2.0,Chinese
+8765,最新消息:唐山市公安局路北分局局长马爱军等5人被查。 #唐山 http,1.6,Chinese
+8766,@PiCoreTeam 23人还有11-15人在线,1.4,Chinese
+8767,@user 還有找?,2.0,Chinese
+8768,@user 中国的农奴最好别跟日本佬作对,这不是农奴能解决的对手,2.0,Chinese
+8769,世界上喜欢贫乳的人都死光了吗 http,2.6,Chinese
+8770,@user 真褲好讚,2.0,Chinese
+8771,国际油价暴跌两成多,看了下国内价格指数才跌了还不到一成。想必是触发了40美元的地板价保护了。,1.25,Chinese
+8772,来了就随便看看叭,点赞多的话就发这个原视频了 #鸡巴 #母狗 #肉便器 #射精 #肉棒 http,3.6,Chinese
+8773,@user 哦?怎么证明不是在🎣呢?,1.4,Chinese
+8774,現在才看到這個限動 又是哥賴不好好穿衣服的一天😊 http,3.6666666666666665,Chinese
+8775,@user 又是一头爱发春的肥母猪,3.2,Chinese
+8776,离异快3年了,压不住心中的欲望,夜深人静是心痛时分,欲望从心里爆棚太久,80后大叔想互相满足欲望的,可以私信我😘。 http,3.4,Chinese
+8777,首发,士兵被俘,受尽各种责磨,随时被榨取。 有喜欢他声音的吗? 他的全见版写真集 有想看的吗? http,2.0,Chinese
+8778,@user @user 哈哈哈哈哈你可以说自己18!!!看对方要是没啥表情,那就是成功了!下次就说16!,3.0,Chinese
+8779,@user 大沪国是翻版美帝是啥意思?感染的人多?如果是omicron那不是天赐疫苗?欢呼还来不及呢。习怎么打算的不管他,老八信但凡多一点不配合他也弄不成,至于囚禁在家挨饿?楼门焊死那些装满防盗网铁笼的优越性也体现出来了,自固牢笼,想越狱徒增难度。,1.0,Chinese
+8780,@user @user @user @user @user 你平心而论,这工资在你慕尼黑能活吗?,1.8,Chinese
+8781,境外移入案例。 讓我想到前陣子一個 桃園X盛的圈內放射師 嚷嚷著要出國被禁止 現在看到也是笑笑的啦 想要成為第幾例啊? http,1.4,Chinese
+8782,@user @user 我好奇你的国籍,1.25,Chinese
+8783,http 【乌克兰救援】03/12/2022 妮可战友向罗马媒体介绍新中国联邦和法治基金在乌的救援行动:中共政府对在乌克兰的华人无所作为,只有新中国联邦和法治基金在尽一切努力拯救在乌华人,1.25,Chinese
+8784,@user 郭文贵作为这一切的始作俑者,让一群跟着他的小骗子学会了尔虞我诈、过河拆桥,更学到了他“发财就靠卖朋友”的致富路,1.3333333333333333,Chinese
+8785,@user 知之为知之,不知为不知,是知也。,1.0,Chinese
+8786,@user @user 这个开头的受我真的很喜欢 之前还收收藏了他的合集 他的乳头超级敏感!好爱!,4.6,Chinese
+8787,@user @user @user @user 少招人应该减少招收名额,招收名额不变的情况下出的再难都是招那么多人。也不知道他们的智商给了他们多大的勇气说这种话😆,1.0,Chinese
+8788,我很爱她喜欢他叫我爸爸,喜欢她像小猫一样舔我的JB,感觉我下面的棒棒糖是为了她长得😋,4.8,Chinese
+8789,糟糕,是心动的感觉 骚气女友喜爱的暴力输出 无套内射 强力中出 完整版视频详情请见评论区 http,2.8,Chinese
+8790,这世上绝大部分工作,越到上面最重要的并非个人技能,而是与人打交道的能力。带过团队的人和没有带过团队的人,两个人可以区别很大,特别是到了领导层后待遇分化很严重。当然如果你自感管理能力不行,却直接从小兵坐上团队实际负责人,很危险的。小马拉大车被所有人看在眼里,职业生涯可能因此断送。,1.3333333333333333,Chinese
+8791,对你 我就是无底线的讨好型人格鸭,2.25,Chinese
+8792,@user 名媛的第一条件是什么,3.0,Chinese
+8793,@user 社区还能进吗,1.2,Chinese
+8794,破5200粉 关注 转推 点赞 福利多多 ❤️在转推里抽两位约同城线下 ❤在关注里抽五位送私人福利 ❤在点赞里抽十位送贴身原味 有人想当男主角嘛? #同城 #线下 #丝袜 #王者荣耀 http,2.5,Chinese
+8795,寻找所有人的匿名问题! 呎月尚无任何问题! 呎月第一个令人难忘的答案可能是您的问题! ? #问题框 #寻找匿名问题 http,2.2,Chinese
+8796,报告中的分析对以前突破性技术的研究进行调整,以推断元宇宙的潜在采用过程和经济影响。元宇宙仍处于形成阶段,预计将由增强现实(AR)、虚拟现实(VR)和混合现实(MR)等开发技术支持的广泛的数字空间网络组成。,1.0,Chinese
+8797,結果他剛剛進來想要關心昨天很 upset的我就一屁股坐在我攤開的沙發「床」上,我就大叫說不要坐!他就問我不能坐嗎?我就說nononono,他就說不行嗎?我就說不是不行的no,而是你不可以坐在床上!他問說不能坐床嗎,我說你沒有洗澡還穿髒褲子吧!!,3.5,Chinese
+8798,@user @user 祝福艾泽明天更好!,1.75,Chinese
+8799,@user 是她勾引我的,我实在无法控制,3.6,Chinese
+8800,@user 不管好没好,我要做事情。,1.6,Chinese
+8801,是在吃水果吧?? 又不燙 幹嘛吃之前還要吹一下 哈哈哈哈 傻瓜珉周🥰 #IZONE #minju http,3.2,Chinese
+8802,3/14台中 晚上 長腿女神💦💦 台中的寶貝 情人節 你們不孤單 有我陪 👅趕快私訊報名唷👅 #轉推愛心 💗 #單男需付費 #不要問屁話 #歡迎入群唷😍 http,2.8,Chinese
+8803,@user @nytchinese 把民主党的失败和罪恶与美国民主制度捆绑在一起,这个手段很毒辣。 川普团队的崛起以致唤醒美国各阶层改变这个糟糕的现状恰恰是民主政治伟大的地方,失败是某个无耻的政党而不是民主体制。,1.3333333333333333,Chinese
+8804,一個科學工作者自述:你沒有死過,所以你無所畏懼 http,1.8,Chinese
+8805,今天特別想看粉藍ㄉㄆ,3.6666666666666665,Chinese
+8806,@user 这是谣言!并没有这么多人感染,更别说死这么多人了。而且医生们是不会带这种口罩的!下次造谣的时候请再仔细点…智障…,1.2,Chinese
+8807,堪比优衣库事件的一对小情侣,男的挺帅的,估计喜欢女孩子的脚,女孩子的口交技术不错,男孩的阴毛很浓密,外面还有人在聊天,刺激刺激! http,4.2,Chinese
+8808,太原新人第一次下氵、真人真照支持视频验证、净身高175D皮肤超好、超白0毛孔、着装大牌、专治挑客. #主播 #啪啪啪 #裸聊 #护士 #云南 #澳洲约炮 #美女写真 #美国约炮 #温哥华约炮 #经典 #山东 #野外摄影 http,4.0,Chinese
+8809,華為中興涉侵犯美企專利 德國法院下令即時停產相關產品|852郵報 http,1.0,Chinese
+8810,@user @user 换一个可爱的头像先(最好是二次元萝莉,2.6,Chinese
+8811,@user 现在发个推都要才艺加持了吗哈哈,2.25,Chinese
+8812,@user 越来越厉害,1.8,Chinese
+8813,人民会高兴, rongzaixuan 你反占中,支持梁振英同志。 #SupportCY #OccupyHK,1.0,Chinese
+8814,@user 薩拉赫,1.75,Chinese
+8815,一个人的时候喜欢傻傻的发呆;一个人的时候喜欢暗自流泪;一个人的时候喜欢听着让人心动的音乐;一个人的时候喜欢推开窗,遥望那轮明月;一个人的时候喜欢自己跳舞;一个人的时候喜欢胡思乱想;一个人的时候喜欢数着夜空无数繁星;一个人的时候喜欢等待流星的滑落。” #guests,1.8,Chinese
+8816,【2020香港新年大遊行】市民帶狗狗參加遊行,狗狗身配「委任狀」,特意注明不要用狗形容警察,污衊狗狗名聲,經過市民表揚狗狗比黑警好得多。 http,1.0,Chinese
+8817,@user 不要那妳按啥小愛心 笑死幹,2.6666666666666665,Chinese
+8818,昨天的熱鬧感覺像一場夢 醒來之後一切回復原先的秩序 但我還眷戀著 所以 現在依然披著辣椒獸的外殼 活著,2.75,Chinese
+8819,@user 支持香港,1.0,Chinese
+8820,看留言說高光隊長甚至拍戲拍一半就收到入伍通知,救命ㄚ,1.75,Chinese
+8821,下班的时候来了一辆面包车,说是给美利达送货的,在仓库里多装了两辆,现在便宜处理,原价¥2180,现在只要¥300拿走,掏出一送货单,没日期没抬头没盖章也没签字,也没收货相关的信息。还是主动拿出来的 忘记拍照 #描述一件事,1.3333333333333333,Chinese
+8822,@user @user @user 熬出來的味道不一樣,1.6,Chinese
+8823,@user 有对象怎么老是自己撸,2.8,Chinese
+8824,尋找所有人的匿名問題! avin and MR沒有任何問題! avin and MR山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.0,Chinese
+8825,@user 史詩般的虛脫感恩節,3.25,Chinese
+8826,@user 现在要公安和公信部双备案了,前段时间我们就被网警传唤了,1.4,Chinese
+8827,@VOAChinese 妹子你把面具摘了正大光明的说话,正大光明的讲道理,来。,2.0,Chinese
+8828,当你下定决定做一件事,那就去尽力做,即便这件事最后没有达到你的预期回报,但你还是得认真、努力去完成,在这过程中,你会逐渐认识到自己的不足,认清自己真正想要什么。给自己一个期限,不用告诉所有人,不要犹豫,直到你真的尽力为止。,1.4,Chinese
+8829,@user 三个职业都被领导干过吗?,2.2,Chinese
+8830,@user 哈哈鞋頭啦,2.0,Chinese
+8831,@user 这大爷嬉皮士思想太重了,典型的要做爱不要作战呀,3.0,Chinese
+8832,郭文贵,一个被国际刑警组织追缉的中国逃犯,在中国涉嫌诈骗、强奸、洗钱、偷逃税款、行贿高官等严重犯罪,构陷无辜人士曲龙入狱六年并买通狱警迫害曲龙。老郭终会受到正义的审判 http,1.0,Chinese
+8833,@user 先拿台語藝人當擋箭牌 接下來還有可能是「看不起老一輩的藝人嗎?」「看不起女藝人嗎?」 不管怎麼滑坡都會有人挺真的是恐怖,1.2,Chinese
+8834,一个我平素很尊敬的科学家转了篇十万加网文,说非典那年果丹皮十三万亿,现如今一百万亿,因此抗风险能力提高了八倍。 我立刻拉黑了。 无法容忍这种把VAR当成Risk Limit的人。 这是常识,不是火箭科学。,1.5,Chinese
+8835,我在Clash of lords 2中的競技場拿到高分了!真好玩的遊戲,小夥伴們,快來一起玩吧!https://t.co/fRDvz9I2p6,2.0,Chinese
+8836,偷偷把套拿掉,也许她是爽到假装不知道吧。 更多完整版高清版视频:https://t.co/lEiPBr9ViM 免费观看(点开后,右上角浏览器打开) http,4.6,Chinese
+8837,尋找所有人的匿名問題! 李宇軒沒有任何問題! 李宇軒山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.0,Chinese
+8838,我们怕鬼,鬼却未曾伤我们分毫, 我们不怕人,人却让我们遍体鳞伤! 鬼,它狰狞恐怖, 人,却衣冠楚楚 ...... http,1.2,Chinese
+8839,人们常说,孝子难装。果不其然,装不下去的郭文贵不仅借各种替身的名义刷存在,还拉来了老班农为其代班直播。可再怎么处心积虑的编排戏码,也总有穿帮的一天。 http 來自 @YouTube,1.0,Chinese
+8840,小麥好可愛😂😂😂😂 mild 🤣🤣🤣🤣 朋友傳來的現場圖 我真的要笑死哈哈哈哈哈哈哈哈哈哈哈 小情侶的兩人世界😚💕💕💕 #GHBwithLovexMewGulf #GHBxMewGulfRunTeeMildKaownahBoat http,2.2,Chinese
+8841,非常感谢你今年! 这些年我的朋友做了一道奥斯奇菜! (20181231) http,2.5,Chinese
+8842,@user 也许他早就预见到了,对未来充满悲观。,2.25,Chinese
+8843,好誇張 哈 但不是我 http,1.6666666666666667,Chinese
+8844,@user 这个笑话只有码农才容易看懂。,2.0,Chinese
+8845,@RFA_Chinese 右腿是不是有点不舒服?,3.25,Chinese
+8846,我在痞客邦 PIXNET 新增了篇文章:《遊記》【台中大肚】藍色公路~超美藍寶石夜景 http,1.4,Chinese
+8847,我国进口棉花质量状况堪忧 – 重庆农业农村信息网 http #农业资讯,1.4,Chinese
+8848,@user 没意思吧 拿视频 希望你能私信我,3.2,Chinese
+8849,@user 我真的覺得沒什麼差捏😂😂😂 反而上次飯店有體重計 量了胖好多嗚嗚嗚嗚,3.0,Chinese
+8850,約砲這種事,跟找結婚對象完全不同,找長期對象還有可能靠人品,靠溫良恭儉讓贏得對方青睞,但打砲這種你爽我爽大家爽的事,外型絕對擺在最前面。,2.4,Chinese
+8851,@user 驱动不会出问题吗,2.0,Chinese
+8852,女同事昨晚在我这喝多了,本来想送她回去,但她就是不肯回去,无奈只能留她过夜,她睡着后,我在沙发上想了好久,最后我还是忍不住了,走回房间看到她天使的面孔,魔鬼般的身材,实在太诱人了……我轻轻的拿走枕头边的五毛钱,心想“小心使得万年船,还是放在自己兜里安全点。”,3.0,Chinese
+8853,@VOAChinese 这么说的,某些畜畜们就不值得拯救,让它们自生自灭就好了呗,好坏不分,见钱眼开的畜们。,2.5,Chinese
+8854,弟弟被绑着打完针,失禁了,尿得全身都是,床单也湿了一大片。打完针弟弟全身无力,白色的混浊液体从针孔里流出来。 希望疫情过去还能捡到小盆友,还希望是瘦瘦的小可爱눈_눈(想屁吃) http,2.8,Chinese
+8855,@user 全力支持醫護罷工,不治理湧港大陸武漢病者。,1.2,Chinese
+8856,@user 這時候最可愛,趁可以抱的時候多抱抱孩子,很快就沒得抱了❤❤❤,3.0,Chinese
+8857,@user 鉛筆bot小姐、早安。,2.6,Chinese
+8858,@user @user @user @user 支持特区政府定性、中联办主动切割的暴徒,那就是旗帜鲜明地反对特区政府和中联办喽? 懂了懂了,港独分子你好。,1.0,Chinese
+8859,@user @user 真的 收到的當下嚇死我惹😱我也被騙了,2.8,Chinese
+8860,有哥哥你,對三郎而言,已經是最好的禮物了。 #天官赐福 #TGCF #花城0610生日快乐 http,3.25,Chinese
+8861,@user 英国也是吧,1.4,Chinese
+8862,@user #南京应用技术学院 欺骗学生 ,这就是中国学校的丑陋 http,1.4,Chinese
+8863,@user @user 你們試,然後我幫你們在外面把風😉,2.8,Chinese
+8864,做网红难,做Bot网红更难……宝宝每天压力都很大的。,2.5,Chinese
+8865,拿你有的,换你要的。这个世界一直如此,很残酷,却公平。,1.8,Chinese
+8866,@user 乳晕很漂亮,3.2,Chinese
+8867,@user @user @user 跟六四天安門一樣,每年我們外國人都得紀念一下,牢牢記得中國共產黨的壞,1.6666666666666667,Chinese
+8868,连我宿舍都有安装烟雾报警器和消防栓,一个日本公司居然连这个都没做到。公司都有门禁和警卫,有人参观的话会发临时门卡,因为有人参观所以关闭门禁是说不通的。所以很明显问题出在公司安保和消防系统。还有,如果有人真想买汽油泼,那东西大老远就能闻得到。就算警卫发现不了,汽油味总可以闻到吧?,1.4,Chinese
+8869,@user 熬完之后放凉,最上一层油皮去掉,然后放保鲜盒放冰箱。,1.6,Chinese
+8870,@user (覺得面具崩落的一瞬間 你家響超棒的超對胃口,尤其是黑色內衣那張😇,2.8,Chinese
+8871,@user @user 就决定是你了,2.75,Chinese
+8872,50岁的干妈吃精,第一部分。 http,4.2,Chinese
+8873,@user @user 笑死,说一个ex阳痿,如果不是本人,其他人又怎么知道🤪,3.6,Chinese
+8874,@user @user 我不知道為什麼有人在言談間 把韓粉跟底層劃上等號 但我覺得韓粉很多不是底層 底層裡不傻而且會觀察分析的也不少 有錢有勢並不能斷定一個人的腦袋,1.2,Chinese
+8875,解封第一炮#灌满 我知你们和我一样憋闷很久 我知解封以后你们也想被我狠狠猛操 我知带套已解决不了尘封已久的激情 此时此刻只想填满你 此时此刻只想零距离接触 此时此刻你爽你满足就好 http,3.8,Chinese
+8876,小骚妇,水超级多,全程16分钟喷了4次水,16分钟免费高清下载地址:https://t.co/IsNlwrML8U http,3.0,Chinese
+8877,妮子团皮皮锅第四季:文贵好嗨哦 阿贵直播,你可以说他小鬼讲故事,鬼话连篇。亦或是马大哈做报告,废话连篇。当然,更直接的说法就是开口就是谎,尽是谎话。 http,1.6666666666666667,Chinese
+8878,尼玛的天朝买张火车票真难啊!,1.0,Chinese
+8879,@user 想看褲子裡面,5.0,Chinese
+8880,@user @user 果然还是男人更懂男人,,,2.75,Chinese
+8881,@user 让我猜,党内观察,党内教育?,1.5,Chinese
+8882,@user 台灣的話……以前FB其實不少人會這樣 不知道現在IG會不會,1.3333333333333333,Chinese
+8883,@user 這明明是我的風格吧!,3.25,Chinese
+8884,@user 想认识,可以留方式?,2.0,Chinese
+8885,@user 都。美尼斯在統一上、下埃及後,曾向外發動征服戰爭。,1.0,Chinese
+8886,@user 真实,2.2,Chinese
+8887,@user 好喜欢,3.8,Chinese
+8888,"我都你妈逼傻了,#mountandbladebannerlord #readyornot ,这两个游戏等那么久都没新消息,#huntshowdown 这个鸡掰游戏让他出新武器好像便秘一样,佛了",2.6,Chinese
+8889,@user 還好我只有轉推,沒有做任何加工~🤣,2.4,Chinese
+8890,【唐人街探案撤出春节档】刚刚,唐人街探案3声明撤出春节档、此前,电影《夺冠》、《囧妈》、《姜子牙》、《熊出没》均宣布撤出春节档。 http,1.0,Chinese
+8891,@user @BTS_twt 我也想摸(誤 #BBMAsTopSocial BTS @BTS_twt,3.8,Chinese
+8892,@user 可惡可以偷牽手嗎?,3.8,Chinese
+8893,@user 郭台铭选总统之日就是共产党统一台湾之时。台湾人民离死不远了!,1.0,Chinese
+8894,都说到这个份儿上了,看来不发不行了啊。我发个投票,30人以上投票我就发一个,二选一!,1.4,Chinese
+8895,@user @user @user 不能说是制度问题,是我们中华文化使然。华夏一直就是谨言慎行的,做人说话留三分的含蓄,制度说到底也是文化的一种体现罢了。,1.8,Chinese
+8896,你永遠叫不醒 一個 想裝睡的人 就如同 你永遠感動不了 一個 沒想著要對你動情的人 被愛往往比愛人輕鬆 被寵往往比寵人簡單 被疼往往比疼人容易 #圖源為網路圖片 #我是魚魚 #魚魚如此傲慢 http,2.6666666666666665,Chinese
+8897,@user 这图ps的。,1.0,Chinese
+8898,做人如水,做事如山。做人应像水,有极大的可塑性,能适应任何环境,包容世间万物。至柔之中又有至刚、至净、能容、能大的胸襟和气度。做事像山一样稳重,因形走势,因势走形,从千峰峥嵘、万壑竞秀、云海飞瀑、蜿蜒起伏中展示大气磅礴。所以,做事像山,有山的胸怀,风骨,品格,内涵好原则。,1.4,Chinese
+8899,@user 徒弟,你家沙发套很喜庆啊哈哈哈哈,3.8,Chinese
+8900,超帅胡腮爷们无套猛操酒吧女郎 🎉🎉更多完整版精品视频在 应用商店下载【微密圈】 搜索319510进圈观看 http,3.0,Chinese
+8901,[ 與大屌網紅的真實自拍3-3 ] 其實很多人知道影片主角了😂 就是認識蠻久的濕濕@happyboy0943 又色又變態的他 真的讓人又愛又恨的😩 #影片都補完囉 #prep #舊片 #兼職按摩 #歡迎預約 http,2.8,Chinese
+8902,@fangshimin 方老师只要科普就好了 现在国内时事对你来说其实没什么用处了 这是一两天前的探讨了,1.0,Chinese
+8903,@user 我們來當朋友(,2.6,Chinese
+8904,@user 可是,世卫组织还不封国?!😷,1.8,Chinese
+8905,#浴室三对一 1/2 3号攻喜欢看现场直播,于是我为他组这个局,3个攻,2个受,另外一个受不接受出镜就只好在浴室开录🎉 http,4.6,Chinese
+8906,我有了一个成为画家的梦想。,2.8,Chinese
+8907,尋找所有人的匿名問題! 最近回答的問題 ● 你願意嫁給我嗎? … ● 聽說粉圓很像89 … ● 上一個回匿名的真的是讓我笑死… ● 什麼時後宗師… #問題框 #尋找匿名問題 http,2.25,Chinese
+8908,穿西装做爱的粗大鸡巴壮男,无论干男的还是女的,都非常刺激。所以我很喜欢跟正装中年大叔做爱。 http,3.6,Chinese
+8909,@user 既然如此,那我看人民日报的时候你都在下面BB什么?这么关心我们的国家?🙃,1.4,Chinese
+8910,昨天晚上才嘴了一下營運 今天ㄧ有新消息出來就又爆走了 = = 這營運真的一直在消耗我從成員身上得到的快樂,2.0,Chinese
+8911,不管怎樣,明天還是會回去拜拜吧,雖然對著牌位總是行禮如儀報告一下近況,然後希望他保佑我順利而已。 想到已經過八年了,突然覺得很不真實,不是覺得恍如昨日的那種,而是驚覺自己其實從來沒有把它當作人生時間的尺度,卻又不是真的遺忘的那種,有點困惑,好像都沒有認真思考過這件事情的感覺。,3.2,Chinese
+8912,美剧《性爱大师》里有这么一个场景,医院长原计划要出差,结果因机场的原因又返回,进家门的时候,妻子恰好神色慌张衣衫不整地下楼,两人对峙在楼梯扶手处,妻子说,你现在最好不要上楼,丈夫会意地去了书房…这是我认为全剧最有人情味的一个桥段。对捉奸一事的热衷程度与一个族群的文明程度成反比#转,3.0,Chinese
+8913,@user 乱妈情人节快乐。(比心,3.75,Chinese
+8914,有一种骗术叫法制基金 有一个骗子叫郭大忽悠 有一种无知叫老少蚂蚁 有一种坚持叫直播揭骗; 有一种勇气叫一夫砸锅; 有一种牺牲叫披肝沥胆; 有一种正气叫高擎公义;https://t.co/dCcItCtyA1,1.0,Chinese
+8915,@user 電影(老ㄙ這個人連出兩題,2.0,Chinese
+8916,@user @user 汶川地震時,他們都是汶川人。天津爆炸時,他們都是天津人。武漢肺炎時,就地消滅武漢人 。,1.0,Chinese
+8917,班農談美臺、郭文貴對美中台的關鍵性,中共痛恨臺灣的原因; http 來自 @YouTube,1.0,Chinese
+8918,请只忽略佳佳肚子上的肉肉,只在意她的大胸。 http,3.6,Chinese
+8919,在檢討結構的時候勢必會探討誰是得利者、誰是被壓迫者,這不是在檢討人,是在檢視壓迫結構如何運作 女權運動如是,黑人民權運動如是,跨權運動如是,台獨解殖過程如是 把這解釋為「資格審查隊友」老實說根本狗屁不通,甚至有點欲蓋彌彰,1.8,Chinese
+8920,我整個人消化不良昨天ㄉ晚餐還沒消化完ㄉ感覺我要死ㄌ,3.5,Chinese
+8921,有錢人有兩種:有讀書的有錢人,沒讀書的有錢人。 有錢人有兩種:有品的有錢人,沒品的有錢人。,1.0,Chinese
+8922,@user @user 这是北京西站,1.0,Chinese
+8923,为什么abo这么好???为什么??????,1.8,Chinese
+8924,@user 韩国呢,1.25,Chinese
+8925,我日 14就出来约!!!太小了吧,3.2,Chinese
+8926,姐姐心情美美哒,粉丝们 采访一下,你们上一次撸管什么时候了 http,4.333333333333333,Chinese
+8927,@user 凯文·布拉迪发表声明,称美中达成贸易协议“对美国工人和公司来说是历史性的一天“。他称赞特朗普政府取得了之前历届白宫所未能取得的成就:从中国那里得到了强有力、真正而且可执行的承诺,结束不公平的贸易做法,并让美国工人、制造商、农民和公司有公平的竞争场地。,1.0,Chinese
+8928,不涨价!亏本也坚持生产!成都一口罩生产厂24小时不休 60余名工人加班抢时间,春节管理层不休息,保障供应不涨价……24日,记者实地探访了这家“加班抢时间、保供不涨价”的厂商——成都市新津事丰医疗器械有限公司。 http,1.0,Chinese
+8929,你有没有上过国际互联网?不能上国际互联网的手机不能叫真正意义的手机!而是叫被人阉割了功能的太监机![呲牙]史上最好翻墙软件等你来!拒绝用太监机!那么问题来了,翻墙技术哪家强?马上翻墙看世界加微信:pjg618 http,1.0,Chinese
+8930,好久没人玩了!昨天这个小姐姐舒服!有想玩得私聊太原京津冀西安都可以 http,2.75,Chinese
+8931,@user @user @bbcchinese 辣鸡,1.5,Chinese
+8932,@user 白天,一条龙打不过两条龙,白天气温也太高,1.6,Chinese
+8933,根本不知道有沒有人會想要MC立牌嗚 總之我這陣子會盡快把他們完稿 反正明天過後就是端午連假了嘛!!! 下周畢業考 是什麼 我當不知道了,3.25,Chinese
+8934,“我又不是神经病,就是为妈报仇!”这句话铿锵有力,让那些迫害过弱势群体的大小官员心里无法踏实,毕竟有人会记仇的,而不是神经不正常才杀人的…… http,1.4,Chinese
+8935,@user 粗,且大头,2.6,Chinese
+8936,近期,凯风网爆料,俄罗斯一名法轮功人员在游行造势活动中猝死,管理人员立即下令脱掉其身上的法轮功马甲,以免传出去是练法轮功练死的。如此种种,法轮功何“真”之有?“真”之何在?,1.0,Chinese
+8937,@user 这房子不错,高档小区,2.25,Chinese
+8938,@user 十年不開張!開張吃十年!,1.4,Chinese
+8939,又和 #健身妹 大戰一場,奶大腰細,又有腹肌 #戰鬥力超強,非常耐操 http,3.4,Chinese
+8940,男孩 一個線程;,1.5,Chinese
+8941,对米兰赛后,有现场观赛的中国球迷找布冯签名,布冯签了名还拍了拍球迷的脸,问他“你是武汉来的吗”。然后,在虎扑和微博上,布冯乳化了,1.6,Chinese
+8942,@user 不要拿上帝當擋箭牌,你不懦弱麼?你不害怕麼?那些信靠主的人為何還有恐懼!多少十字架被拆除了,基督世界有發聲了麼? http,1.8,Chinese
+8943,女人和女人之间的敌意 要知道我见kk朋友都是三四天不洗头连眼屎鼻毛都可以露出呢 今天要见他朋友的新女友,早上捣鼓了1.5小时 女孩是说话骚骚,衣品有点非主流的姑娘。打消了我再为她化妆的信念 这大概就是女人间的敌意吧,2.5,Chinese
+8944,@user @user @user 真好,不能露臉 香港可是強制人民露臉呢!,1.25,Chinese
+8945,@user 来啊,2.0,Chinese
+8946,韩国真是世界上最无耻的国家,打个pubg都是四支战队16个小黄衣,不到决赛圈绝对不互相打,1.0,Chinese
+8947,@user 這樣如何,2.0,Chinese
+8948,#偷拍直男 这个直男小哥哥在洗浴中心洗JJ,前一秒半勃一甩一甩的,很动人,下一秒就回到原始状态。 http,1.25,Chinese
+8949,@user @user 我倒認為他們會把錯都推給蔡,認為他的領導方式失敗,然後支持一個深綠的人選,讓民進黨走向極端的路線。,2.2,Chinese
+8950,五万粉丝福利 看就完事咯 无文案 http,2.5,Chinese
+8951,哎哟不错哦 这一次,全看着了 完整版内容见评论 http,3.4,Chinese
+8952,每天困在家里,睡袍是穿的最多的衣服了,运动就脱了睡袍直接来吧,也不穿啥运动衣了,给洗衣机也多休息会。 http,3.0,Chinese
+8953,@user 背着成千上万的人命啊!,1.25,Chinese
+8954,#上海 CICI·JoJo大乔🎀上海甜音 #网红 #主播 99-172-D 人间水蜜桃嗲妹🎀 任何网红脸百搭无压力👌 又 纯 又 欲 可 甜 可 盐 支持任何验证 ! !! 微信/QQ: 18656311805 http,4.2,Chinese
+8955,中菲「和平」聲明換來中國霸凌 菲律賓重新加入美國聯盟 http,1.2,Chinese
+8956,@user 好吧233不过说起来护踝我也早就买了,2.25,Chinese
+8957,@user 我当时看漫画,看川柳看的一脸懵逼,1.2,Chinese
+8958,多鄰國最新更新就是把廣告延長了嗎,2.2,Chinese
+8959,@user 好吃吗?,2.5,Chinese
+8960,[2020年1月20日] #火箭少女101 #孟美岐 更新微博... 小编:和山支大哥一起到电影院支持由 #彭于晏 ,#辛芷蕾 主演的 #紧急救援 #rocketgirls101 #mengmeiqi http,1.4,Chinese
+8961,有成都的1嘛南昌的也行,1.6,Chinese
+8962,@VOAChinese 拿出证据。单靠喷粪的狗嘴不能让人信服。,2.25,Chinese
+8963,@user 哦!中国最高军事学府 将军的摇篮,1.8,Chinese
+8964,今天在线会议,会不会很卡顿,都会在这个时候开无聊的会议吧,2.0,Chinese
+8965,請大家看下推的圖選擇一下😁,1.6666666666666667,Chinese
+8966,@user 書桌的椅子,不是公園喔(?,2.2,Chinese
+8967,@user 哪裡,1.0,Chinese
+8968,@user 傻逼轮子,2.4,Chinese
+8969,所謂“每一種社會製度都有它存在的理由”是徹頭徹尾的詭辯。邪惡也存在,也有它存在的理由,那只能是正義的陽光還沒有普照大地的每一處角落,而不能成為邪惡存在的政黨性和必要性。 http,1.0,Chinese
+8970,香港人的最後一戰:引起全香港罷工罷課的《逃犯條例》 http 來自 @YouTube,1.0,Chinese
+8971,@user 我想好了,这孙子既然活在自己的臆想里不可自拔,那就给它挂条狗绳,时不时地牵它转转,看这孙子怎么办。,2.8,Chinese
+8972,&lt;RT 笑死就是我在做的事啊,1.5,Chinese
+8973,@user 鎖起來處置? 哈哈,2.6,Chinese
+8974,@user 對不起啊,我就是個路人,對你也不了解,你別放在心上,3.0,Chinese
+8975,在我哥桌墊下發現ㄉ 我以前在我哥房間玩電腦so我的東西都塞在桌墊下 那幾張酷卡除了五轉都粘在桌墊上了 http,2.25,Chinese
+8976,@user 有流言說退社 但目前消息是只辭了董事會的職務 _(:з」∠)_滿叔啊,1.0,Chinese
+8977,@fangshimin 方老师,请问你在墙内还安全吗?,2.4,Chinese
+8978,朋友小時候家裡養過三隻狗,兩隻大白熊,一隻小型米克斯,小型犬神經纖細愛吠叫,搞得全家老是噪音。後來大白熊受不了了,用嘴含住小米克斯的頭,讓室友的汪汪汪汪汪汪汪在口腔內降低分貝,等到牠冷靜了再溫柔放開。 超萌。 但某天,大白熊就被鄰居毒死了。,1.6,Chinese
+8979,痛苦的高中生要知道上ㄌ大學不會比較舒服 但是可睡覺ㄉ時間會變多是真ㄉ,1.5,Chinese
+8980,@user @SJofficial @MTVLA 我們忙內很健康呢—DE 指的是圭 #MTVLAFANDOMSUPERJUNIORELF #MTVLAKPOPSUPERJUNIOR #PremiosMTVMIAW @SJofficial @MTVLA,2.25,Chinese
+8981,@user @user 恁们贴的文章也是立场先行啊,不是单纯的靠疫苗接种能相互比较的,中国各种抗生素与输液很容易,1.4,Chinese
+8982,@user 一样,1.0,Chinese
+8983,#在健身房的日子 Day141 今天練手、核心 一個人練,總是比較無聊 今天先吃晚餐才練,覺得撐 #健身 #繼續努力改變成真 http,2.4,Chinese
+8984,2020新年快樂🎉 新一年要努力朝夢想和目標前進! 包括希望能每天都可以被幹❤️❤️❤️ #變態上線 #嘗試轉型改變習慣 http,2.8,Chinese
+8985,@user @user Low装不仅仅是智商问题了、已经涉嫌杀人了现在!,1.25,Chinese
+8986,#直男飞机 #勾引直男 #直男迷药 #直男 #原创 一个很骚的直男,声音性感 http,3.0,Chinese
+8987,16岁小弟弟。对我超忠心的,只跟我一个人玩过,这次是他第二次玩,第一次那时候是一年多以前,他实在忍不住,就来找我,超级嫩,嫩出水,感觉都不太忍心太凶猛对他,会心疼。哈哈哈,弟弟超级乖。都不能算是gay,就只算腐吧?哈哈哈。 http,4.4,Chinese
+8988,@user 想咨询推主,如何肉身翻墙去荷兰,求带路?,1.6,Chinese
+8989,谁是共匪完美的自掘坟墓的人,听听这些傻逼得不能再傻逼了的剩会就知道了。五毛们,你们现在回头还能看见岸,晚了就看不见了。 http,1.25,Chinese
+8990,@fangshimin @user @_ 深空门户(DSG)听说过没有?您了解过美国的登火计划吗?,1.25,Chinese
+8991,如果溫溫恢復加拿大國籍的話,我們就可以結婚了,好想跟她結婚喔,4.5,Chinese
+8992,不必哭泣,每个人都是自己世界的主角,没必要成为他人世界的配角。,2.0,Chinese
+8993,成熟与年龄无关,而是一种阅历;优雅与装扮无关,而是一种气度。,1.2,Chinese
+8994,@user 是的,不过我不是搞心理学的。,1.8,Chinese
+8995,我不喜歡辣……………,2.4,Chinese
+8996,♱ 🐾 ₂ₒ₁₉⃕ ღ ₅.₂₄☼ ﹊﹊﹊﹊﹊﹉﹉ ❥~见过满臂纹身的人在公交上让座,也见过教授进酒吧摇得比谁都社会;有些拿刀砍人的是为生存,有些穿制服的媚强凌弱;见过民工盖楼冻烂双手,KTV女孩被灌酒,可她们的钱全寄给了老家的爹娘,1.75,Chinese
+8997,希望翁啟惠不會對台灣失望而對這次疫情冷眼看待。然後想到國民黨這樣追殺翁啟惠,我就更加希望這批垃圾全部去死。,1.2,Chinese
+8998,高三女孩被内射直接大哭(五) 本来在家看电影,期间女方提出点外卖,男方忍不住上了,女方开始有点蒙,半推半就被上了,到最后女方意识过来了就哭了,感觉有点可怜,最主要看女方脸很漂亮,胸部也发育的不错。 关注我看其他剧情 http,3.6,Chinese
+8999,@user @user 班农一定在想难怪中国这么疯呢,看看都被什么样的人在领导,各种精神疾病患者,1.8,Chinese
+9000,今天加了个ghs的群 哈哈哈哈 http,2.6,Chinese
+9001,我在17發現這個直播,快來看!💁 http,1.0,Chinese
+9002,@user @user 我们的官员会做实事而不是“发挥参政议政职能”,1.2,Chinese
+9003,@user @user @user 哈哈,真特么讽刺啊,举报别人翻墙闹得欢,自己却被拉清单。让我们大家告诉他,我们的VPN非常强大,天天翻墙骂他党爹,气不气啊?呵呵。,2.4,Chinese
+9004,伤害你的人,不是比你强大就是比你弱小。如果他比你弱小,宽恕他;如果他比你强大,宽恕自己。,1.4,Chinese
+9005,唯有絲襪大長腿才能有更多玩法。 天冷了,老婆需要優秀的夥伴來溫暖一下身心。☀️(私信注意素質,否則永久拉黑) http,4.25,Chinese
+9006,#香港 以乱港四人帮之首的黎智英所创办的毒果日报为例,就坚持使用“wǔ hàn肺炎”为名,污名化中国。海外华人在他们这么污名化中国的行为下,被种族歧视甚至被袭击的事确实是时有发生。 http,1.0,Chinese
+9007,"@user @user 一看不知是好人...不只HK人,人人都要記著..",1.75,Chinese
+9008,@user 不是正在開車嗎!,2.4,Chinese
+9009,@user @user @user @user @PDChinese 為你扭曲到同牲畜一樣的價值觀和世界觀感到羞恥,1.8,Chinese
+9010,@user 🤩🤩🤩羨慕。。。我很想去的地方。泡著有View 的溫泉望著富士山😍😍😍喔~~~~,3.4,Chinese
+9011,鉴于内地公安已实际控制港警行动及使用乔装暴力的模式对待游行港人,现场医界救护人员也不放过的事实,全球支港联呼吁国际组织,从人权救助出发,向香港派遣医疗救护小组。一一支港联!请支持,转发! http,1.0,Chinese
+9012,【技能贴】教你手疗把自己“捏”漂亮。中医认为,五脏六腑之气皆上注于面。我们的脸还充当了健康显示屏的作用,那些恼人的痘痘、斑点等,往往反映了内分泌的状况。所以,想美不妨就经常捏揉你手上相应的反射区和穴位吧。 ​#养生小妙招 http,1.2,Chinese
+9013,@user 楼主,不好意思。我借你楼问一下支那人。你们的逻辑为什么每次都那么乱?有时候觉得你们在自问自答。又觉得你们精神错乱。,1.25,Chinese
+9014,我要知道他戴墨镜撸我的时候那么帅,5分钟就给他整射! http,4.4,Chinese
+9015,"@user 暴徒不但作惡, 仲喺挑動市民同警隊嘅關係。 可惡",1.0,Chinese
+9016,@user 不是大家的!是我專屬的😍,3.8,Chinese
+9017,梦 华西医院的实习生男性塞给了我一装有死人的垃圾袋 对我说请把它们扔到楼下吧。我说我是第一次 害怕拿洒掉。他说凡事都有第一次。于是我拎着一袋死人骨头下了楼。大约二十斤吧。一直在醒来睡着之间梦见多次自己已经发送了这段话。,1.0,Chinese
+9018,後天臨時決定要去中壢聚餐 邀請我的桃園朋友知道我交通不方便我一個人會提早一小時到之後便說她也會跟我一起同個時間到中壢陪我 被她的這份帥氣給帥到出血了...這是心動的感覺啊…,2.75,Chinese
+9019,@user @user 还好,2.0,Chinese
+9020,@user @user 哈哈哈哈😂 我不在火车 就可能坐个地铁,2.333333333333333,Chinese
+9021,二次元我操你媽!!!你把多少人的常識!!!都他媽橄欖了!!!(老廢物🍪) http,1.25,Chinese
+9022,20岁的精瘦弟弟,下课找我刚好我还没下班,在办公室里就开操了。 先让我往他菊花里撒尿,菊花里又暖又湿,然后不停猛操,操得桌子嘎吱嘎吱叫,差点就散架。最后憋不住了全射他里面,办公室激情就是刺激 http,4.666666666666667,Chinese
+9023,卜約翰專訪|六七暴動後最大管治危機 港大社會科學院前院長:李家超鄭若驊一定要離開 | 2019-07-22 | 壹週刊 http,1.0,Chinese
+9024,@user @user 怎麼有種在養電子寵物的感覺 幾天沒看我可能會餓死 還會有便便需要清掃(年齡暴露,3.4,Chinese
+9025,某航空的一位帅空少 很骚浪的直男 鸡巴大又骚 跟女记者说很想操逼。 女记者使出美色,轻而易举的勾引他上钩 这是他公共厕所自拍发骚撸屌的视频 还有完整版他与女记者裸聊骚浪贱的视频😆支持一下! http,4.75,Chinese
+9026,不出我所料,9月團客要減半,這個肯定不是最大的招,論流氓中共是民進黨師祖,師祖教訓徒孫出手肯定不會輕 http,1.0,Chinese
+9027,@user 什么软件呀,1.6,Chinese
+9028,@user 神回啊,1.2,Chinese
+9029,@user 我射了很多洨給這個男優哈哈,4.8,Chinese
+9030,@user 他們覺得這些國家的生活好啊... 所以他們就有了普選=生活好的簡單腦回路。,1.25,Chinese
+9031,"今天學弟睡前沒給我mua,不開心,雖然我也沒給...雖然至少約了一起吃千層",3.75,Chinese
+9032,极品 小0一直说我被艹了我被艹了,啊啊啊受不了了,要被爸爸操射了,结果骚狗真的射了,然后又被操尿了,友情提示带上耳机听对白 http,2.8,Chinese
+9033,@user 數量跟書記政績掛鉤,1.0,Chinese
+9034,@user @user 就這426你們也看不懂?,2.5,Chinese
+9035,@user 好扯,想知道是誰,3.0,Chinese
+9036,和阳光一起躺在把杆上的时候松了口气。 http,1.25,Chinese
+9037,@user 已解除,改为消毒!,1.0,Chinese
+9038,@user 我看不懂韩语 翻译器也乱七八糟 总之 大吧真的很棒!!,3.0,Chinese
+9039,有没有想被这样猛艹的0扣1 看看有多少人想被我猛艹 喜欢的可以私聊…… 让你体验真正被大屌猛艹的快感 然后我们一起进入爱的漩涡 http,3.6,Chinese
+9040,【報時】:13:00 中午一時~!✧*。٩(ˊωˋ*)و✧*。 別忘了吃吃午餐補充能量呢!O(≧▽≦)O 補充能量後繼續努力!,3.6,Chinese
+9041,社会很现实 说实话也没有人会信,2.0,Chinese
+9042,@user 行了行了 你们都别骂了 我都快赞不过来了,2.75,Chinese
+9043,@user 三句話學謎語: 好兇 抱歉 不客氣,2.0,Chinese
+9044,之前给第五人格画的插画,第二弹 #第五人格 #identityV http,1.0,Chinese
+9045,可能正是因为【】才最终变成了现在这个样子吧……,1.75,Chinese
+9046,@user 那是给了你多少图片啊。,2.0,Chinese
+9047,@user 贪生怕死的郭文贵躲在直播的屏幕后,恬不知耻的装作救世主大放厥词,着实可笑、令人无语。,1.75,Chinese
+9048,你出现的一霎那,我的心从此再无风雨飘摇、凄惶无依。 #KissBoysTHxKazzawards cr:logo KissSaint_CN http,4.4,Chinese
+9049,为爱前行,问心无愧!,2.2,Chinese
+9050,@user 有意思的是这两人离那么近自说自话,也不管别人信不信,一点都不觉得尴尬,人才呀,2.8,Chinese
+9051,@user 我真的不懂卑斯偷馬取怎可以甲成這樣 但龍我那邊那根昰我會超怕不小心斷掉的WWWWWW,3.333333333333333,Chinese
+9052,一年一次特价 错过你就等一年 AAPE 优惠款 Rm240 错过这次特价你就要再等一年 比平常便宜了50块以上,1.0,Chinese
+9053,@user @user 一提到香港年轻人,我就想到黄之蜂,真他妈的恶心,2.6,Chinese
+9054,@user 那些長輩不是不信廠商只信網路影片,他們是只相信自己相信的是對的(家裡也有這種長輩,2.0,Chinese
+9055,@user 哈哈哈哈哈哈😂😂剩他了👉喜矢武豊 對他還真沒印象🤔🙈🙈,2.5,Chinese
+9056,8月28日:尊敬的战友们好!你们健身了吗?你们传播香港危机真相了吗?从王雁平女士的案子看中国女人的女权危机……一切都是刚刚开始! http,1.0,Chinese
+9057,@user 差不多是,论文已经改不动了,整个人都快废掉了,3.0,Chinese
+9058,@user 吃鸭 冲鸭,1.75,Chinese
+9059,@user 不错哦😏,3.5,Chinese
+9060,#香港 嘅蒙面暴徒們到處破壞,嚴重影響市民出行,政府和 #警察 應當拿出最大力度,把呢些暴徒徹底鏟除,世界上只有中國係香港嘅最強大嘅支撐,美英等西方勢力只係將香港當做棋子,將愚蠢嘅亂港 http,1.0,Chinese
+9061,@user @user 這難道真是抄了習近平的作業?😟,1.0,Chinese
+9062,今日份的色图?…… 这个环好弱哦…整个塞进去都没什么问题… #扩肛 #扩张 #肛环 #药娘 #变态 想买好康的女装呜呜呜…自己买的好丑 http,4.0,Chinese
+9063,我希望以后都能赚很多的钱 即使朋友生日还是情人节 还是节日 带朋友选自己喜欢的东西 还是卡任刷 不需要顾虑那种,2.2,Chinese
+9064,@BTS_twt 这是什么美好场面,2.5,Chinese
+9065,@user 苏提丝新年快乐!,3.4,Chinese
+9066,@user 很香啊,我喜欢,2.6,Chinese
+9067,@user @user 据说红军时期打仗不错,到了解放战争时期就不行了,最后还是凭借资历进了大将名单,之后还当了国防部副部长,1.8,Chinese
+9068,新年中共出炉的第一个恶法 在中国只能信奉共产党。任何其他信仰,均被视为邪教。将被送进集中营洗脑改造 耶稣是穆斯林的烈士。进而将被视为是恐怖组织。 在中国,你的唯一信仰就是共产党,必须歌颂共产党和拥护社会主义 http,1.25,Chinese
+9069,昨天从上午九点开始写生到五点,期间有些断续,但还算充实。游泳一个小时。晚饭后开始涣散,无着地看电视,感觉无聊。我喜欢观察人物,但电视上的人物不如生活中的人物那么有感觉。尤其是那些明星他们太突兀,毫无画感,他们属于时尚范畴,画感似乎与时尚完全相反。尽管有些明星的表演比较有趣。,2.6,Chinese
+9070,@user 在上海吗 (勾搭,3.4,Chinese
+9071,@user @user @user @user 说得好像南北战争没发生过一样,2.0,Chinese
+9072,@PDChinese 大学的时候整过一个手势识别上下及楼层的小玩意儿,1.75,Chinese
+9073,@user 這樣玩蟲蟲感覺有點可愛☺️,2.4,Chinese
+9074,@user OPPO这次广告设计超棒! 就是手机系统劝退...,1.6,Chinese
+9075,十八岁的女人,操起来好紧绷,什么姿势都会 http,3.8,Chinese
+9076,誰能告訴我為什麼ikuai+lede會經常性斷線,真的好煩~~~~,2.8,Chinese
+9077,@user 逆淘汰并非淘汰高智商,而是淘汰好人。有多少高智商的坏人在为独裁维稳?而民主圈高智商的人却很少,品德好的也少。,1.6,Chinese
+9078,@user @user @VOAChinese 中国和中共请区分,1.2,Chinese
+9079,之所以「出事」,正是政府、警方已經對沒完沒了的每星期示威集會「失去耐性」,警隊疲於奔命、曠日持久,處於「極端高壓狀態」,渴望逐次貫徹圍困戰術,配合宣傳輿論戰,盡快扭轉民情,軟硬兼施擊潰示威者的意志,終結反對運動,平息社會紛爭。,1.0,Chinese
+9080,@user 不是这么比的。镜头在非全画幅等效焦距 是类似裁切出来的画面,你把全画幅焦距没那么长的镜头拍的照片裁剪一下,和非全画幅也就差不多了。,2.0,Chinese
+9081,我喜歡一部 @YouTube 影片 http 王子妃摸大象?! 元旦廢片 【魔術Channel】ft.王子妃,2.2,Chinese
+9082,@user 哈哈哈這種隨緣啊啊啊,2.6,Chinese
+9083,@user 那么北京上海广州的会撤吗,1.8,Chinese
+9084,@user 比一般番茄醬來得不酸,攪拌均勻的情況下不會吃到砂糖粒,我個人還是偏好原味的番茄醬,但拌砂糖不會難吃。,1.0,Chinese
+9085,卧槽!卧槽!大家快看,中共军方门户网站,登出此文。称石正丽铁证如山!这是什么情况?大家猜,石正丽会不会说,这是美国让她干的? http,1.0,Chinese
+9086,@user 不是建群的原因吧、应该是被人举报了。我没建群也被封了、,1.6,Chinese
+9087,在华亭酒店被肌肉💪大鸡吧爸爸👨喂食,然后被逼着射出来。你看射的多吗? http,5.0,Chinese
+9088,新冠病毒正在立即甚至永久改变美国人选举的方式 http,1.75,Chinese
+9089,@user 想起毛魔头死后广大人民群众表演哭的稀里哗啦的热情与朝鲜金家每一位魔头死后一样一样滴眼泪,那种表演真的感觉他们看起来胜过爹娘死的悲痛😢!,1.0,Chinese
+9090,所谓的“人权维护“,那生活在中东的维护自己生存权利的巴勒斯坦人, 他们,1.2,Chinese
+9091,我在“第五人格”,快來和我一起玩吧! http,2.0,Chinese
+9092,@user @user 抽屉又没有锁,多尴尬,3.4,Chinese
+9093,男,已絕育,2.0,Chinese
+9094,要牢记中国! 美国代理国防部长上任 美国代理国防部长夏纳翰今天正式上任,执掌五角大厦的第一天首先就告诉同僚,他将中国视为关键 http http,1.0,Chinese
+9095,據報習近平巡視稀土企業,用意也是十分明顯。中國限制出口稀土,曾經在WTO受挫。因此,再來一次,游戲玩法要改變吧?看不少自媒體的演繹,還不如看看我數天前的幾個推文,簡明厄要🤣,1.0,Chinese
+9096,好久沒有11點多就入睡了,感覺真好ne。,2.5,Chinese
+9097,吃屌屌前當然要調教一番 想看完整版請告訴我 很多人問我這位優菜是誰 回應高才公佈推特ID http,3.4,Chinese
+9098,@user 是普通浴室,当时只有我们两个人,我把老公摸硬了,他给我涂了点沐浴露就粗暴的进来了😂,4.6,Chinese
+9099,關於工作 不要總是輕易受人蠱惑,說要什麽跳出舒適圈.但凡工作,都是花錢請你來解決麻煩.沒有一份工作是舒適圈,如果有,是你決定讓他成為舒適圈. 正確的做法應該是不斷擴大自己舒適圈,然後繼續待著,不斷擴大,而非跳出去。 上班去了。 http,1.8,Chinese
+9100,@PDChinese 划重点,这是党卫军,不是国防军。对口的是希特勒的流氓冲锋队,打仗不行,专门欺负手无寸铁的老百姓,没有军人的职业素养。然后想问问,ccp的党卫军普通士兵服役一共打多少发子弹?美国的国防军一个基层士兵,服役要打多少子弹?叠被子,唱歌喊口号可不是战斗力。,2.25,Chinese
+9101,人才培养一定是育人和育才相统一的过程,而育人是本。人无德不立,育人的根本在于立德。这是人才培养的辩证法。,1.4,Chinese
+9102,沒有特異功能還是靜靜的當看戲大眾,2.0,Chinese
+9103,- GIRLS PLAZA - 正韓 ᴷᴼᴿᴱᴬ ᴼᴺᴸᴵᴺᴱ🇰🇷 這當然是春夏必備款唷👉 不管要搭洋裝,寬褲,或其他 都非常好駕馭😆 這次的顏色都非常好看💕 價錢也很甜甜價唷~ size: 23~25 版偏小 - ᴺᵀ890$,2.4,Chinese
+9104,工作時同公司不同部門友人在位子後面晃來晃去跑過來看我螢幕直接暴怒絕交的人 🙋‍♂️ http,1.8,Chinese
+9105,#郭文贵 在郭文贵眼中,没有永远的朋友,只有永远的利益。为了苟延残喘,也为了贪享荣华,把人性的自私,贪婪和卑劣发挥到了极致! http,1.2,Chinese
+9106,還記得您上一次看電玩雜誌是甚麼時候嗎?於1993年在英國創刊的《#EDGE》至今仍以月刊形式發行,最新一期獨家公開在全球詢問度破錶的新遊戲機——#PLAYDATE 的開發祕辛。https://t.co/mBuk05ErpF http,1.25,Chinese
+9107,帕妃說....... **都沒有人能把她公主抱!!** 好,阿沛幫她徵求勇者,有沒有人願意挑戰 精壯嬌小可愛甜美帕妃。(不要亂取名字),2.6,Chinese
+9108,@user 红红的流口水了,2.2,Chinese
+9109,@user 这事儿推主最清楚不过了,牠们家几乎都死绝户了,所有沾亲带故的一个不剩。,2.4,Chinese
+9110,@user 沒錯!我是你認識的人!,3.8,Chinese
+9111,@RFA_Chinese 五毛都是心盲面厚的机器,无论什么事实面前的反应都只是低俗的人身攻击。和他们和他们老板讲道理是浪费时间。,1.4,Chinese
+9112,@user @user 相信唔多,香港人都唔興睇說明書。,1.25,Chinese
+9113,@user @user 但可以讓他花錢,2.0,Chinese
+9114,我在17發現這個直播,快來看! http,1.8,Chinese
+9115,@user 沒辦法妳就是瘋狂讓人完了,3.0,Chinese
+9116,【新視角】幹了一個粗屌弟 先是被我幹嘴、拔套、然後插進去狂撞 原地突刺弄得他不要不要,射完他說是我熱屌把他的精液撞出來的... 原版On: http http,3.8,Chinese
+9117,特殊时期楼下放风 有茶有酒,有业有友的时光似乎按了暂停键。 http,2.0,Chinese
+9118,人类应该对宠物好一点,我家主人对我一点也不好~ cady20 #爲了宇宙的和平,2.6,Chinese
+9119,@user 感觉他适合写很细腻的人物内心,太宏大的驾驭不了😂,2.2,Chinese
+9120,@user 父母长辈的人生经验是很正确滴!他们经历过苦日子明白谁好谁坏,现在在国外大放厥词的都是出国几十年的主,国内啥样,他们揣着明白装糊涂,要不不好糊口啊😂,1.4,Chinese
+9121,@user @VOAChinese 小英是个同志,不上男人床的。,3.4,Chinese
+9122,@user @user 李光耀与习包子的根本区别是他不是祸国殃民的独裁者。,1.3333333333333333,Chinese
+9123,@user 奈何中共把这个国家绑架的太紧,不可能分的这么清,1.0,Chinese
+9124,说实在的,shou chong完其实整个精神状态都特别差,不知道zuo ai是不是也是这样,如果是,柏拉图式爱情可能更适合我,2.75,Chinese
+9125,嘿!我剛剛在 Mandora 的無限模式取得了 54598 分而且最高連續拔出 123 隻蔓陀蘿!,1.5,Chinese
+9126,好看的人待遇永远都不一样 这句话我都不知道说了几次,2.5,Chinese
+9127,阿乔睡觉了~ 凌晨一点要赶去实验室 加油捏~,3.6,Chinese
+9128,@user n年前的视奸号都出现了 略烦,1.4,Chinese
+9129,@user 我只覺得那兩條故事線不看攻略怎麼可能發現!!,1.6666666666666667,Chinese
+9130,尋找所有人的匿名問題! soya udon沒有任何問題! soya udon山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.8,Chinese
+9131,4月17日,漫威“复仇者联盟”中的超级英雄汇聚上海华特迪士尼大剧院,为过去十年漫威电影宇宙的终章“终局之战”宣传。英雄们对即将上映的电影有何评价?他们会不会大胆“剧透”?来看! http,1.0,Chinese
+9132,大家同心作戰 讓禿頭 絕望,2.75,Chinese
+9133,2月3日,中国共产党中央委员会致电越南共产党中央委员会,祝贺越南共产党成立90周年。 http,1.0,Chinese
+9134,天猫超市现在都是AI打电话确认是否方便送货了,1.4,Chinese
+9135,@user 谢谢!,2.25,Chinese
+9136,@user 心臟刺激太少,罷工不想跳了,2.25,Chinese
+9137,@user 要看情况,1.4,Chinese
+9138,大叔的屌好大 巨大的那种 先是和大叔拼刺dao 我的小刀输给了大叔的大刀只能被大叔日 刚好骚穴也超级想要肉棒塞满了整个洞穴一进一出的清晰可见最后拔出来还有血 对我是处女第一次就这样被大叔日破了处女膜 http,3.8,Chinese
+9139,好幾年沒記帳了,2019 年剛開始,來記一下....,2.0,Chinese
+9140,同事真的很無聊。讓人頭皮發麻的那種,1.6,Chinese
+9141,但我自己其实特别不乐意,或者说大家一开始都挺不乐意的,谁不想进厨房就有做好的饭菜呢。但不知怎么的,“在家做饭”的还是女的。,1.4,Chinese
+9142,@user 水瓶座可以背锅了,1.2,Chinese
+9143,對這段感情的期望,隨著時間的流逝及你的態度,是否會越來越小呢?,2.2,Chinese
+9144,依舊是捏男角的一天。 #TheSims4 #sims #TheSims4 #Sims4 http,2.0,Chinese
+9145,@user 为什么要尊重所有中国人?这逻辑很可笑,它们中的大多数连人都不是,叫我怎么尊重它🙄,2.0,Chinese
+9146,@user 这样属于脑袋洗坏的人,1.2,Chinese
+9147,@user 这谁能顶得住,2.6,Chinese
+9148,我的机车服终于到了!,1.25,Chinese
+9149,USG联准国际推出了 “联准盛汇,乐享金秋” 的活动,最高能取得5000美金的赠金!!!报名截止日期就在2020年1月10号!还等什么! 赶快来联络我吧!微信号:Usgfxpanda http,1.0,Chinese
+9150,《石濤聚焦》「路透獨家:暫停滬倫通」習近平硬撼英國新首相 [政治原因]懲罰香港背後的「黑手」(02/01/20) http http,1.0,Chinese
+9151,@user 这个房子,1.0,Chinese
+9152,@XinhuaChinese 為醫護人員加油,1.8,Chinese
+9153,@user 記一世 繼續修仙算啦 可能一世我都唔知點樣自愛呢,2.2,Chinese
+9154,@user 活该,汉奸的下场,1.0,Chinese
+9155,精肉男 X 小玩具 慢慢的前戏调情,不断找寻身体的敏感点,开发比单纯抽插更有趣。 http,4.75,Chinese
+9156,催票催到家庭革命一點幫助也沒有反而造成反效果吧???? 這什麼奇葩發言,2.5,Chinese
+9157,昨天陪闺蜜去看房,一个临近江边贵一些,一个临近市中心也不便宜,我纠结了一晚上,绞尽脑汁也考虑不清楚到底要买哪一套?今天我才反应过来,哪一套我也买不起啊。。。,1.8,Chinese
+9158,@user 好了 转天就把我的话应验了,1.4,Chinese
+9159,须知三十年河东三十年河西。世上没有永远的胜利,也是没有永远的失败,胜利和失败在合适的条件下是能够转化的。因此,我们不必为昨天的挫折而萎靡不振,也不必为昨天的辉煌而狂妄自大。,2.75,Chinese
+9160,這是CHIMI輕的提問箱 最近回答的問題 → “好喜歡輕的畫呀🤣🤣,真希望會畫畫啊🤣🤣” http,2.4,Chinese
+9161,P1-P4 (共11P) 雙傑不分道設定。 魏嬰回到蓮花塢後,和金凌相處的一個小橋段。 twitter不適合放長圖,如果需要可以到pixiv:https://t.co/luQzsL9x8O #魔道祖师 #MDZS #雲夢雙傑 http,1.4,Chinese
+9162,我爱过一个人 从满心欢喜到满心绝望 我用时间证明了我爱你 你用时间证明了我是个傻子,2.6,Chinese
+9163,资源⬆️➕qq⬆️ #王港吃着大屌也不忘记眼神的交流:看着他的眼睛,仿佛在说:“不要怜惜我,爸爸,用力顶到我喉咙里,一会儿把我骚逼操得外翻,我要灌进爸爸的精液” #合集约30部特价出售 头像名字主页⬆️➕qq⬆️ http,3.8,Chinese
+9164,@user 真好啊!,2.4,Chinese
+9165,青春什么时候走的?它在的时候,每天都充满希望,会畅想未来。他走的时候,每天都过得憋闷,甚至绝望,很想快进。,1.8,Chinese
+9166,这种公司 我可以随便带很多个,2.0,Chinese
+9167,@user 你的认证账号都被清空了?什么时候发生的事情?,2.8,Chinese
+9168,MMM真是太给力了。非常高兴给我们平凡人一次完成梦想的机会,给我们不富裕的人,带来一次翻身做主的机会,感谢MMM,感谢这个美好的平台,大家一起来加入吧 让世界变得更美好!https://t.co/HVfKGchGvQ #BTC,2.4,Chinese
+9169,@user 我看亲自与统一没矛盾。可理解为亲自统一领导指挥。,1.2,Chinese
+9170,那么新一波的 政治避难潮将会在美国各领事馆开演,估计以后上访的最终战不是北京而是美国领事馆。这样既节省了开支又可以 大量殖民美国,何乐不为?,1.0,Chinese
+9171,华谊兄弟: 预计上半年亏损3.25亿-3.30亿元,上年同期为盈利2.77亿元。报告期内,实景娱乐业务收入较上年同期下降,主要是受市场环境的影响,各项目推进进度存在时间性差异,导致收款进度在各期之间有所差异。,1.0,Chinese
+9172,感受着比同龄人提前15年的养老压力,真的痛苦……自己的一生就此被束缚。不过,相比同龄人,也能提前许久离开养老压力 但,既然人已至中年,最没价值的就是时间。,2.0,Chinese
+9173,@user 我也有在玩你那個app程式,3.2,Chinese
+9174,师尊,我喜欢你,4.0,Chinese
+9175,有人修行可以這麼敢試試裡面力量~ 騙自己~這外面就是懶惰的意思! 明明修行講一 休電視那種 ~從古自今~我只有聽過那種事情~小中心也是要做那種事情 那好像是每一種亞洲基本人員開課會有的基本態度吧 ? 人的一種力行~ 緹娜一天到晚穿黑衣服 照相呀 ! 貼今天的板子 看完了!,2.5,Chinese
+9176,@user 这个地方好眼熟,2.2,Chinese
+9177,@user @user @user 那你有没有发现逻辑的弊端,1.6,Chinese
+9178,新品小型摄像头wifi家用高清手机远程监视器USB摄像头,可以手机远程,可以内存卡储存,充电宝充电,小巧方便,便携隐蔽,需要的快来吧! http,1.0,Chinese
+9179,@user 你有大胸怀,也有小可爱!【对不起这句是抄的 但代表我的真心,3.4,Chinese
+9180,@user 海外华侨可以报名吗?,1.2,Chinese
+9181,我是真的幼稚w 因為電視有個醫生一直提醒我要開× (這兩個字我不想說因為我怕又提醒我了(想歪的去面壁思過w 總而言之,幼稚的我向電視的醫生宣戰了!(??????,2.0,Chinese
+9182,@user 你嘅公分高其實我也不 嬌小,2.25,Chinese
+9183,@iingwen 啥时候正式启动独立啊?赶紧,嘴炮有什么意思,2.5,Chinese
+9184,果然還是沒有,那我看是灰限了,半年後見,1.8,Chinese
+9185,@user @user @user 你真可怜,夜不能寐只在自己孤独的世界里想入非非,那些你自以为消息灵通的“料”却其实都是馊的,你没有底线走在造谣的路上,你的臭名远扬是你自己的功劳。,2.0,Chinese
+9186,@user 嘛,爆豪喜歡古典,又是節奏上的天才,感覺會是個十分成功(獨裁)的指揮家wwwwww,1.4,Chinese
+9187,我、空腹也,2.0,Chinese
+9188,2/19/2020 路安艾时评:俄罗斯卫生部长签名政府文件确认新冠来源于重组意味着什么?柳叶刀发表支持中共的所谓全球学者联合声明居然只有27人签... http 来自 @YouTube,1.25,Chinese
+9189,@user 我會等你ㄉ,3.2,Chinese
+9190,【巴黎的gaybar是这样的】 来巴黎的朋友,我带你们去! http,3.0,Chinese
+9191,想让自己闪闪发光 想成为你眼中星辉万丈,2.6,Chinese
+9192,@user 我不知道前面有人耶,只知道後面很多😎,1.8,Chinese
+9193,個人對於差歲如差代ㄉ設定實在無法喜歡起來……,2.0,Chinese
+9194,@norioo_ 还不多谢犬山哥,2.75,Chinese
+9195,@user @user 像Netflix 首頁那樣有很多分類,裡面的節目同時可能屬於多個分類,排序的key 為index-分類名稱,當然分類也有自己的排序 每次開啟APP時發的API會把首頁的分類跟底下的節目一起回給你,加上要支援離線時也得顯示,1.75,Chinese
+9196,@user 我感觉最好的肛肠医院都救不了你的。,2.75,Chinese
+9197,👁魔鬼👹的最大代理 — 中共😈对待同伙、走狗、帮凶、打手的方式就是用完就玩完⚫️利用完了就当垃圾丢弃 叫你成为替罪羊,甚或杀人灭口 扔到垃圾气化炉里瞬间气化成灰 毁尸灭迹👁所以,跟魔鬼勾兑合作是最愚蠢的⚫️ http,1.4,Chinese
+9198,新品上架🎉 經典款雷蛙 浮水 重量:14.2 (g) 長度:6.0 (cm) #雷蛙 #雷強 #路亞 #假餌 #擬餌 #泰國鱧 #魚虎 http,1.0,Chinese
+9199,@user @user 这和是否华人无太大关系,只要是地球人都会痛恨ccp支持郭文贵的。,1.4,Chinese
+9200,昨天梦见自己的高中时期,没有经历过校园霸凌的人不会理解被霸凌的人是什么感觉,那个时候会想他们怎么可以这样羞辱人,现在想想如果我那个时候带锁在被他们羞辱,可能心态会转变 http,2.4,Chinese
+9201,@user @user @RFA_Chinese 我跟你说了半天你没看?我怎么失明了?我怎么逃避了,我说了我喜欢现在的中国的制度啊,他能让我们复兴啊。。。如果走你们弯弯的道路,估计我们现在还没赶上你们弯弯呢,更别说要超越美国了,哈哈哈,2.0,Chinese
+9202,真的很好看 可是我實在是 我怕我看第二次時會直接崩潰 敝人向來對這種題材實在是很脆弱……,2.8,Chinese
+9203,下楼扔垃圾,小区外的一块电子屏上显示:“本周已拘留聚众打牌人员 1 人。”,2.0,Chinese
+9204,是谁,三千繁华,入你眉心;是谁,青山如墨,素衣白发;是谁,菩提树下,一指清音?是谁温暖了谁的岁月,又是谁惊艳了谁的时光。相思缱绻,为你书写一纸信笺。惟愿,经年离去,落英满地,不再伤怀。,2.0,Chinese
+9205,我在“第五人格”,快來和我一起玩吧! http,1.6,Chinese
+9206,室友全在下面,而我依旧猖狂(嘻嘻!!) 手真的很酸 不晓得为什么这次会射这么多 http,4.2,Chinese
+9207,@user 美国就是社会达尔文主义、丛林法则的最大践行者,1.6,Chinese
+9208,#偷拍尿尿 人帅鸟大,太帅了,很喜欢。 🌹 更多高清完整视频,➕ 主页VX进与你群观看。 🌏 转推点赞,谢谢关注😊 http,3.0,Chinese
+9209,推特只是冰山一角 加好友让你体验朵朵的温度 可陪聊可做你的虚拟女友哦 甚至可以做你老婆! http,2.8,Chinese
+9210,@user @user @user @user @user 看我前面说的前提:防止他进入战场,外围他有理由直接宣战么?没打的前提为什么主动要开干?,1.0,Chinese
+9211,@user 一言余計為 .,1.75,Chinese
+9212,@user 恶事做尽,千夫所指的郭,文贵除了留下遗臭万年的千古骂名,必将什么也不会留下。,1.0,Chinese
+9213,@user 轮子开始做法了 现在各国都物理隔绝了 喊你们轮头子把五洲重新合起来,1.25,Chinese
+9214,@user @user 这谁顶得住呀🙈,3.6,Chinese
+9215,@user 喝水+1,不过我今晚买了雪糕哈哈哈,3.4,Chinese
+9216,@user @VOAChinese 你的爷爷肯定是华人,说华人人渣,看来你才是人渣,你不但骂了华人,还骂了你自己的祖宗十八代,我觉得你祖宗泉下有知,或许会从坟堆爬出来掐死你。我也为你的智商着急,世界上就你一人最sb了。,2.0,Chinese
+9217,我记得在推特有看到这个人的做爱视频……求告知。。。 http,2.4,Chinese
+9218,@user 原住民不搞这些,一个城市那么多人你以为多少是原住民,真是被一些神经病搞的乌烟瘴气,另外老共也做了很多不对的地方,混乱不是单纯一方造成的,2.0,Chinese
+9219,@user 1928-1937,既要偿还北洋留下的外债,又要应付对军阀的开支,还要准备与日本的决战。在这种压力下,能坚持不印钱,还能有5%的国债收益。。。好像能做到的确实不多。 http,1.0,Chinese
+9220,@user @YouTube 三哥这是啥情况啊! 不久前才又毒誓又抹脖子地说要去美国用法律打击霸凌,要游行抗议还要送你去监狱。今天突然不打了美国也不去了,说要用爱和和平净化感动你,反而转头打专案组了。哈哈哈哈。,1.2,Chinese
+9221,@user @user 你还是角度问题,让大家觉得你胖的明显,2.2,Chinese
+9222,倘能生存,我当然仍要学习。 ——鲁迅,1.6,Chinese
+9223,"DJI JAPAN招聘一名iOS工程师 主要负责DJI GS Pro的开发,东京办公,中文工作环境。 可办理工作签证,欢迎投简历或DM。 联系邮箱: YWNnb3Rha3UzMTFAZ21haWwuY29t http",1.0,Chinese
+9224,@user @user @user 自己当猪,还笑话别人做人,三等公民也有选票,你有么?,1.4,Chinese
+9225,@user 吃到都快跑出來了,2.0,Chinese
+9226,@user 我的一只猫咪也是从国内带过来的,各种费用花了近五千元人民币!家人非常不理解!,1.6,Chinese
+9227,@user 说的没错啊,向哪输出革命了,也没输出饥饿贫困呐,正常经贸有什么问题,2.2,Chinese
+9228,傻眼 保護的氣泡紙都壓扁了 不會有下一次了,2.2,Chinese
+9229,回复大师兄:你的观点及作为,我十分赞同,愿引为民运同道与战友。同志间认识问题存差异,正常,认真讨论,求同存异可。你说对传统文化悟得俞深,反五四俞烈,我赞同。恰似传统文化中的东西束缚了中国人几千年,中国人总是老大自居,阿Q成群。如此中国何时走向现代道路,中华民国如何健康发展?(一,1.75,Chinese
+9230,@user 转,1.25,Chinese
+9231,@user 这个可以舔舔,3.25,Chinese
+9232,@user @user 澳门和香港的情况不一样。,1.0,Chinese
+9233,@user @user 她有說過3000吧!,1.6,Chinese
+9234,@user 每次只看到你玩鸡巴,其实镜头后,你会玩弄他们的菊花吗?,4.0,Chinese
+9235,@user 原来很多人不喝热水的啊。,1.4,Chinese
+9236,第一个咬的视频 马赛克很尴尬.但还是有必要的见谅😳 http,3.0,Chinese
+9237,@user @user 全是精油,恶心。不过,这种很稀少的粉穴,洗干净舔着很够味,3.4,Chinese
+9238,@user 所有没用的都到货,唯一有用的还没货,1.6,Chinese
+9239,东北澡堂搓澡系列之白嫩纹身男,鸡巴是不是硬了?应该半硬吧!大叔怎么没揉一揉呢?!今天澡堂系列半价,会员免费,新入会八折优惠! http,3.5,Chinese
+9240,一个多月没有玩了!今天出门约个骚0,无套内射,射逼里继续操! http,4.0,Chinese
+9241,小区一静(没有车声人声),鸟叫声显得特别明显。真真是蝉噪林逾静,鸟鸣山更幽了。,1.4,Chinese
+9242,貼一下官方網址,免得自己又忘了。 奇怪,輸入同樣帳號密碼,從馬背的官網就能進去,直接從lawson的官網反而進不去了。 好吧⋯⋯ http,2.4,Chinese
+9243,@user 是的監聽器,順便谷歌上面給了一星好評,1.4,Chinese
+9244,中华民国开国109年开国日(2020年1月1日),大中华民国光复会墨尔本成员在墨尔本最大华人社区Box Hill 市中心展示巨幅中华民国国旗。 http,2.4,Chinese
+9245,直男怎麼這麼害怕被捅屁股啊,不試試能知道男人的好嗎?怕不是仇男吧?,3.25,Chinese
+9246,@user 文贵已经是焦头烂额甚至精神失常,幻想着成为集编剧、导演、演员于一身的全能角色,不断扮演着一出出闹剧。,1.25,Chinese
+9247,@user 这个飞机有什么问题都没查出来,就知道阴谋论。甚至一开始台湾也封锁黑鹰事件消息,1.0,Chinese
+9248,9点半起床 校对到1点 现在睏死,2.6,Chinese
+9249,@user 事不关己高高挂起确实可以挺表面理客中的 至于实际怎样,谁知道,谁在乎?,1.8,Chinese
+9250,请给我们的指路明灯——阿姨,打钱!谢谢! http,2.8,Chinese
+9251,衣服跟cg都很可愛但我想不起來叫啥 有那麼不紅嗎 連搜尋都搜不到,2.0,Chinese
+9252,在《研究太极拳健身效果并不荒唐》一文中,我提到美国风湿病学会有条件推荐膝和髋骨性关节炎患者打太极拳。我这篇文章发表第二天,该学会发布最新版(2019年版)指南,因为证据确凿,改成强烈推荐打太极拳。有条件推荐膝骨性关节炎患者做瑜伽。 http,1.8,Chinese
+9253,@user 有一天可能新闻会看到你肆无忌惮的大街上裸走,2.8,Chinese
+9254,@user @iingwen 你這智商為什麼這麼低?大陸的人愛國都是自發的,那個貿易協定我建議你好好看看究竟誰虧誰賺,1.4,Chinese
+9255,@user 太好笑了,民進黨說自己是台灣人,一邊拜中國人祖先,一邊說自己不是中國人,2.25,Chinese
+9256,今天给yuki买了鸡胸肉,我爸妈说你给她买这么好的干什么,这是给人吃的价格,我感觉很不舒服。,3.6,Chinese
+9257,@user 电影叫什么,1.8,Chinese
+9258,@user 推友:来不了了,3.8,Chinese
+9259,@user 世人都知道你不穿內褲,3.4,Chinese
+9260,不想多說,但想說 不見管管自己出來道歉,這就是口無遮攔的結果,逞一時口舌,造就麻煩的後面,身為管管,就要以身作則,不做則還帶風向,還人生攻擊,這就是自己要的管管風格?講話前真的該動腦想想。,2.6,Chinese
+9261,@user 我可以吗,2.5,Chinese
+9262,@user 拿着这个录像去报警,看看结果会如何? 联合众多奔驰车主,共同进行。,1.8,Chinese
+9263,财新封面报道《抢救新冠病人》https://t.co/dNWbRmVcOf 基本是围绕重症医学专家的采访,也再次确认重症和危重主要就是生命支持,让病人熬到病毒大限到来。或熬不到。,2.2,Chinese
+9264,曼谷 宿霧 普吉島 馬爾地夫 澳洲大堡礁 極光之旅(搭遊輪) 奧捷 以上是目前想去的地方 #夢想,1.6,Chinese
+9265,@user 把推特當日記(´・ω・`),1.6,Chinese
+9266,@user @user @USA_China_Talk 你算什么狗东西啊?,1.75,Chinese
+9267,洨粉濕福利射7-1 補一段7號粉濕的影片 好喜歡大屌0幹起來特別有成就🤤 http,2.6,Chinese
+9268,真的很想罵人 在家找可能想讀的科系,整理備審資料都不浪費體力啊 因為我待在家 怎樣?你以為我在玩遊戲喔,待在家裡是能自動回血喔??????,2.0,Chinese
+9269,@user 我觉得没有,2.2,Chinese
+9270,@user 多注意休息啊,2.6,Chinese
+9271,@user 阿就有一個拿咪嚕貼圖來砸我line== 可是我也忘記是誰了 之前辦送貼圖加了太多人,2.8,Chinese
+9272,@user 🥺哇,谢谢haru!!!!!!!!!!这个好可爱,4.2,Chinese
+9273,啊然後屁孩女友這次帶了一盒順天堂的零嘴(?)禮盒說是她媽媽要送我家的 娘娘:她是認真要當丈母娘嗎?(台語 笑出來,1.75,Chinese
+9274,我要给你们生孩子 http,3.4,Chinese
+9275,@user 是的啊,天天讨论这些边边角角的问题,怪不得招人越来越难了🤣,2.2,Chinese
+9276,@user 跟这种nt 越是算了 他就越嚣张 法制社会 怕什么 不把那种人的面具撕下来 只会让更多人遭受毒手,1.6,Chinese
+9277,山不在高,有林则徐。水不在深,有江……,2.25,Chinese
+9278,@user 还有房子出租吗?,1.4,Chinese
+9279,是不是小jj只能有资格舔腥的逼? http,3.8,Chinese
+9280,@user 毀滅小黨,繼續被大黨綁架?,1.6,Chinese
+9281,@user @user @user 讓我猜 跟支那人假結婚 放支那人進來拿台灣國籍?,1.5,Chinese
+9282,@user 椰奶7月萤火虫约场照?,2.25,Chinese
+9283,@user @user 需要翻墙软件的➕微信 abc1797453656是ssr速度快包售后哦 其他黑卡 呼死你之类也都有,1.25,Chinese
+9284,长期 iPhone-only 的人,尤其是长期坚持使用小屏 iPhone 的人,实在是太可爱了…… 2020 年的第一个工作日,我在给同团队的此类新同事(iPhone SE 用户)解释什么是快充、以及拉高快充实际输出功率的意义……,1.0,Chinese
+9285,@user 那个要实名认证才能买哦😅我之前试过很多次了,2.0,Chinese
+9286,@user @MarvelStudios @Avengers #BC生日看BC 囉!,1.2,Chinese
+9287,『职场女秘』全系列视频高清图 已更新至共享相册 高清完整版资源 解开男人最深层的秘密 http,3.2,Chinese
+9288,在九一八後,國民政府拒絕列强調停滿洲爭端,之後的華北和盧溝橋事變上國民政府最終也沒有與日本達成和平協議,即使在抗戰開始後南京武漢相繼淪陷下,民國政府反而不顧黎民百姓的疾苦為蘇聯苦撐抗戰,國民黨連停戰協議都沒有,比辛丑條約的清朝不知要差多少。,1.25,Chinese
+9289,香港人和文贵先生 都是中华民族的英雄! 爆料革命时代革命 拯救了中华和全世界! 感恩上天!感恩香港同胞!感恩文贵先生! 传播爆料革命,勿忘香港抗争! http,1.0,Chinese
+9290,@VOAChinese 川普蠻享受每天記者會的時刻嘛,1.8,Chinese
+9291,@user 他们没有机会了。,1.2,Chinese
+9292,意思是不能剪头发,然后呢?不能习近平是坨屎,然后你们都往我这来,都是兄弟,既然是兄弟,怎么都是我的儿子,我炒,这玩意,我还没老李先进,啊,就一个,哦,2.333333333333333,Chinese
+9293,@user 謝謝鵝 尾椎真的好,1.75,Chinese
+9294,明白事理的人使自己适应世界,不明事理的人硬想使世界适应自己。,1.4,Chinese
+9295,這張好像很適合當桌布 你們覺得我的氣質看起來像你身邊的誰 貼給我看她的照片 我審核審核 可愛的我喜歡的 就得到這張無碼無浮水印如何🤫 http,3.0,Chinese
+9296,"@user 谈判这个程序总是要走一下吧, 总不能什么都不谈直接加税吧, 这个过程各方面都是非常必要的。我个人觉得这个决定加税的时机 川普把握的也很得势",1.2,Chinese
+9297,你的言语和举止,都令我陶醉不已,让我感觉到了生命的乐趣与意义,我的世界不能没有你!🖤❤️#LBCTHEFIRSTCHANCEINMANILA2019 #PerthSaintSaiton #pinson Cr logo http,4.5,Chinese
+9298,诶嘿嘿,现在是晚上11点,主人要去洗澡了(/ω\),3.2,Chinese
+9299,#新加坡 現首例武漢 #肺炎 港府提升應對級別 1月4日,新加坡發現首名與武漢肺炎疫情有關的可疑病例;當天,港府啟動了「嚴重應變」級別,應對這種來自武漢市的神祕病毒。 #非典 http http,1.4,Chinese
+9300,@user 基本上随用随充不让电量掉20%以下都没问题,1.0,Chinese
+9301,@user 去过一次,再也不想去的地方。云南那边旅游环境真的不是很好,1.6,Chinese
+9302,拜託大家 喜歡幫我分享哦 好想我的粉絲也可以趕快破4萬 再發厲害(可能會露臉)的影片給大家 http,2.8,Chinese
+9303,@user 废物东西,1.5,Chinese
+9304,理解理解,2.6666666666666665,Chinese
+9305,來源:李檬(公衆號:imslimeng)近日,很多朋友問我:“2019年,新媒體行業的前景會怎麽樣?”很多機構已... http,1.25,Chinese
+9306,@user @user @user 面对躲在暗处搞网络暴力的垃圾人,还有默默视奸我们的黑粉,我们大多数情况下只能无可奈何吧,2.4,Chinese
+9307,喜迎涨价, 请问记者朋友,喜从何来? http,1.6,Chinese
+9308,從“萬眾矚目”到“萬眾鄙夷”,郭 文 貴可謂是山窮水盡, 然而這頭技窮黔驢跑火車的大嘴仍然停不下來,最近更是跑出了天際,瘋言瘋語層出不窮,向眾人表演了技窮黔驢的最後瘋狂。https://t.co/7J3emJfJ7D,1.2,Chinese
+9309,@user 2小时内简要书面报告,24小时内详细书面报告,1.25,Chinese
+9310,虽然我自己修图修的很狠 但总觉得其他小姐姐应该都是打底子里美出来的 行吧 我天真了😭 (一约约到200斤猪崽子的那种心痛感😭,2.333333333333333,Chinese
+9311,@bbcchinese 当西方将民主、自由混为一谈时,就表明他们其实不愿让人了解马克思。,1.5,Chinese
+9312,东京都呼吁民众夜间不要外出 东京都感染路径不明的确诊病例中,有38例为疑似在酒吧、夜店等提供陪侍服务的场所感染的顾客和从业人员。 东京都政府呼吁民众,不要前往人群密集的密闭空间等感染风险高的场所。 http,1.0,Chinese
+9313,这肌肉这肤色让人很上头,白白的豆浆和黝黑的皮肤成鲜明对比 在应用商店下载【微密圈】 搜索991264进圈观看完整版资源 http,2.4,Chinese
+9314,当地时间4月11日,第62届世界新闻摄影大赛(“荷赛”)获奖作品在荷兰阿姆斯特丹揭晓。本届荷赛奖年度图片是由John Moore拍摄的“美墨边境哭泣的小女孩”。 http,1.0,Chinese
+9315,@user @user 爆炸系聽起來很強大 #多瞄幾眼,1.0,Chinese
+9316,#TaokaenoiSentosaxPerthSaint 令人尊敬的人有共同的特性;懂得照顾,能体察别人的感受;懂得谅解,能同情别人的处境;言语温和,行为有礼,常保自己美好的品质。 cr.logo PSCODE暗语站 🌈 🚀 http,1.6,Chinese
+9317,@RFI_Cn 美国人真有种的话就主动把稀土也加税吧。,2.0,Chinese
+9318,@user @user 用繁体字的废物,你好懂大陆哇,请问你在大陆呆了几天这么懂大陆?要是没呆过那你就是孤儿小哑巴,亲妈骨灰下饭,野爹暴死街头🤣,2.4,Chinese
+9319,@user @user 水落石出,真凶瑞典茉莉终于浮出水面,那些帮凶及其黑唐人马无处可逃了。,1.0,Chinese
+9320,太幸福了 我要回家打電動溜,4.0,Chinese
+9321,我再也无法忍受假惺惺的跟大家唱戏了,在这里歌舞升平实在不应该,怎么来说也有人在暗处被死亡,1.4,Chinese
+9322,我大学宿管是下任校长??? 震惊…,1.8,Chinese
+9323,2/14(四)1900-2200 想參加可以私line 問我❤️ 影片是回顧一下2018場次😂 part1 完整版在影片專用推特 想加入私我line 填完資料即可加入! 喜歡麻煩您幫我點❤️ 順便轉推🙏😂 http,2.8,Chinese
+9324,@user 以后自然都是兵戎相见了。,2.4,Chinese
+9325,@user ❤️❤️❤️你太棒了❤️❤️❤️ 希望你每天都快乐!,4.0,Chinese
+9326,尋找所有人的匿名問題! 最近回答的問題 ● 對不起……… ● 運動都要小心點 不要又受傷~… ● 哈囉你好… ● 星巴克好喝ㄛㄛ… #問題框 #尋找匿名問題 http,2.0,Chinese
+9327,其實每天看到的, 就是忽略了, 誠信和侵略性, 然後對細節爭吵的沒完沒了。 而且凡事也都有意外, 吵出定論又如何。 面對 沒誠信的侵略者, 偷…搶…騙…! 🙄你說呢?,1.8,Chinese
+9328,@user 好好看 「那...那麼...明天見」親完的帝彌托利應該會滿臉通紅,然後趕快離開 庫羅德就會懊惱,自己是不是做過頭了,3.0,Chinese
+9329,美劇係咪都難逃爛尾嘅宿命?可以寫一季嘅情節同你五分鐘就完咗佢,你好嘢! #GOT,1.6666666666666667,Chinese
+9330,@user @dw_chinese 你这理解能力是真不行,提出质疑都能被你理解为指责,小学老师要哭瞎了,3.4,Chinese
+9331,@user 应该说毛主席是被希特勒的老乡马克思,恩格斯这两个家伙给骗了。😄,2.75,Chinese
+9332,@user @user 你他媽濾鏡鬼 頭貼還是我幫你拍的,2.2,Chinese
+9333,夢到自己長ㄐㄧㄐㄧ,4.25,Chinese
+9334,@user 我~躺~,2.0,Chinese
+9335,许多人觉得野鸡就是野生版的家鸡,其实家鸡的野生版是原鸡,叫做野鸡的鸟是环颈雉,跟家鸡根本不是一种东西。 http,1.4,Chinese
+9336,这个五毛账号我前些日子在推特请大家帮忙举报,我自己也拉黑过她, 我简直无法理解她怎么还可以出现在我的推里? 还在继续跟我的贴? 有人能解释吗? http,1.8,Chinese
+9337,@user 可惜我未夠歲數,2.0,Chinese
+9338,@user 我操,睁着眼造谣的本事属你最大了,反中的无底线啊,见过不要脸的,没见过你怎么不要脸的,2.2,Chinese
+9339,Alreri(13 骷髅人 弓箭手) 被炭烧 而死,被 睡着的树精 : 梦幻家乡 杀死于 3 黑暗之心. http,2.0,Chinese
+9340,火星不过是另一个没有生命存在的坟墓而已。,1.4,Chinese
+9341,睡醒來推特竟然還提醒我粉絲破千了, 好像也沒什麼影片可以慶祝一下! 只好貼個內褲襪子照片好了,順便找一下同好😏😏😏 http,3.8,Chinese
+9342,@user 謝謝你!!😢,2.0,Chinese
+9343,@user 降薪,不发年终奖,公司就是让我们随便离职,1.0,Chinese
+9344,條列式日記是2020目前唯一落實的目標,即使忘記當天寫,後來也有補上。 但日記內容應該出現的一些目標就… 要跟上喔,好嗎?,1.8,Chinese
+9345,好久沒畫色圖的感覺,2.2,Chinese
+9346,@user 可愛可愛♪,3.6,Chinese
+9347,@user 蔡英文的外交非常出色,美國在臺協會的處長(在台端美國政府代表)曾公開說沒有比她更理想的夥伴,希望你可以看一下:https://t.co/200s26mAE7,1.6,Chinese
+9348,竟然亲自拉屎撒尿, 竟然亲自自己吃饭, 竟然亲自扫码付款, ……… 一个“竟”字, 把它们2019的所有虚伪和无耻 划上了圆满的句号! http,2.2,Chinese
+9349,【美少女。日本 🇯🇵 民宿 🏠】主持 : 沙律。張沛樂。第一集。2020年2月8日 http 來自 @user,1.6,Chinese
+9350,@user 😂😂😂你這孫子,你差輩嘍!,3.4,Chinese
+9351,周六加推特辑。 就叫他射高高(高高小哥哥)吧。 高高小哥哥说自己产量可以做面膜😭和同学比射程第一。 喜欢射的远得可以关注我的高高小哥哥后续。 http,3.75,Chinese
+9352,@user @VOAChinese 这里就有一只。 http,2.4,Chinese
+9353,-张继科发行个人首部音乐作品《心藏》 。2017年2月,张继科首度登上央视元宵晚会并演唱歌曲《同桌的你》 。7月8日,获得跨界歌王第二季总决赛季军。https://t.co/NHAGJZMkLY #張繼科 #揭密真相,1.6,Chinese
+9354,#TakeSaintBackFromTrat 那些最能干的人,往往是那些即使在最绝望的环境里,仍不断传送成功意念的人。他们不但鼓舞自己,也振奋他人,不达成功,誓不休止 @Saint_sup,1.2,Chinese
+9355,@user @user 这个在Netflix有简中版本哇?,1.2,Chinese
+9356,特朗普:美国土安全部部长尼尔森即将离职 多家美媒早前报道截图。 美国土安全部部长即将辞职?据多家美媒消息,美国国土安全部部长 http http,1.75,Chinese
+9357,@iingwen 就是把所有国家的需要翻译一遍,也不见得如何!嘴上强不是真的强!,1.4,Chinese
+9358,@user @VOAChinese 这是是吃皮皮虾呛着了吧,1.4,Chinese
+9359,美国国会中国事务行政委员会发布谴责中国在香港的压制声明,接下来如果美国参议院军事委员会如果发表声明,就要对香港人民军事援助了。 http,1.0,Chinese
+9360,2020.01. 01 #銅鑼灣 #港警 命令 #記者 一字排開,查身分證,所有記者不准拍攝。 #香港 #反送中 完整視頻:https://t.co/OU1o9WiXFc http,1.2,Chinese
+9361,今天下午在旧金山的一次大聚会,八九一代如郑旭光、周锋锁、封从德、方政、刘健、赵昕以及程凯老师和我本人都在场 http,2.2,Chinese
+9362,以色列一名男子在25岁时因病去世,没想到在7年后,竟有一名陌生女子替她生下了亲生女儿。https://t.co/chqvTDfQoE http,1.4,Chinese
+9363,我觉得很羞耻。我希望更多的是家人的付出终于得到回馈,然而我却因为关系不够没办法得到一些我特别想做的工作。沉沦了一段时间,找工作找得父母也开始不理解你,觉得太看得起自己了,别那么挑剔有个工作机会就去吧。如今回头来看,16年真的应该再回欧美去读博士或者其他,不至于走到今天这一步。,1.6,Chinese
+9364,我在“第五人格”,快來和我一起玩吧! http,2.75,Chinese
+9365,尋找所有人的匿名問題! 最近回答的問題 ● 我就不期不待地等著穆茶的突發本… ● 唉,我好想多看看穆茶回答別人的… ● 你好我是cwt送玄彌徽章的人。… ● 穆茶大大我爱你!!!!!! (… #問題框 #尋找匿名問題 http,3.75,Chinese
+9366,他是不是覺得女性向有好看JPG就好了啊⋯⋯(真心不懂,2.6,Chinese
+9367,子天使睡眠姦,3.0,Chinese
+9368,一個不久前才說罷免會有財政負擔的市府,突然生出錢要蓋收容所了,1.25,Chinese
+9369,@user 最美“逆行” 逆行 這兩個字 看了真彆扭,2.0,Chinese
+9370,「美味的關東煮配上酒,還有輕快的跳步♪多虧了你們我有了一個很棒的生日喔。謝謝!」 http,3.4,Chinese
+9371,聲音超嫩我的天哈哈哈,3.8,Chinese
+9372,@user @user @user 一个可靠的新闻要满足WWWWH,你数数你少了多少?网上有人发一个帖子你就当事实?你的事实也太廉价点了吧。,2.6,Chinese
+9373,@user 这个应该是摇号吧。。我寻思自己怎么样也是大绅士,结果竟然也是天使,2.4,Chinese
+9374,@user 茶楼 网吧 都行吧,2.2,Chinese
+9375,美好的一天,2.75,Chinese
+9376,@user @user 莫名其妙的。马来西亚网红?,为什么位置是在西班牙 巴塞罗那 maquinista购物中心???,2.0,Chinese
+9377,@user 哈哈难道要求太高?🤣,3.0,Chinese
+9378,作為運動參與者,我們必須保持清醒,對運動的目標和手段不斷作出檢討,並以最高的道德要求來約束和指導我們的實踐。只有這樣,我們才能爭取到香港市民和世界人民最大的同情和支持,我們自己也才能在運動中成長和進步,實現和完善自己的人格,成為真正具公民德性的香港人。,1.8,Chinese
+9379,愛情的力量會創造神話! 那麼是 坐在寶馬車哭的愛情? 還是患難與共的愛情? 感天動地的誓言 不如我抽空陪你的情誼。 http,3.25,Chinese
+9380,037 和中译日相比,我还是觉得日译中比较容易。,1.2,Chinese
+9381,想去自由潛水。 冰涼的海 輕柔的包覆著, 同時 也能輕易吞噬。 http,1.5,Chinese
+9382,就看到推特上BB的国家失败,国家胜利这些人,我就想问你,你他妈一年才能赚多少钱,年收入有100万了吗?够钱移民了吗? 就觉得自己真的牛逼指点江山了?有这功夫去学点赚钱的本事好吗?,1.75,Chinese
+9383,@user 我觉得推特上很多人都是拿了台湾的钱的,一提台湾的腐败和不堪,一律装聋作哑,佯装不知。我不知道除了王丹拿了二十万美元,其他人拿了多少!,1.6,Chinese
+9384,美国打压某国5G,别嘚瑟了,你们山西省还有400万地下人口煤炭从业人口,山西省比美国还差100多个核电站,你们中国人连自己的事情都办不好,跑到美国添乱,什么时候你们中国版美国 核电大省山西省核电站达到美国核电站数,山西省核电发电占到中国发电的20%再来谈5G,1.2,Chinese
+9385,不觉得谁很特殊,那副皮囊给你的是好的发展机会,以及代表着上天的爱惜。而相对的,大多数人都是那般碌碌无为的在人生的循环中追求着自己所谓的价值以及意义,你我,大多这般,就别自以为是,若是没有代表性事业,成就,那么个人的成就终究是因人而异的见解。别那么装,因为你的逼样确实那样,表面那样,2.75,Chinese
+9386,今天天气不错,谁约去爬山了。,2.5,Chinese
+9387,@user 只有能掌握的才是真實的,1.6,Chinese
+9388,Taipei-Happy-fun的問題箱 最近回答的問題 → “可以被你內射嗎?” http,4.25,Chinese
+9389,"@user 不, 请不要",1.8,Chinese
+9390,@user @user 不知道会不会生他的小孩出来……(不过,説不定还耒不及懷孕,豬就被殺了,当猪肉了……,2.6,Chinese
+9391,「我值得世上所有無條件的愛。」,1.75,Chinese
+9392,@user 郭文贵就是个低俗的混蛋,垃圾中的战斗机,2.2,Chinese
+9393,我向 @YouTube 播放列表添加了一个视频 http 『Eng Sub』 秋菠蛋饼👍 瞅一眼吧Spinach&amp; egg,2.6,Chinese
+9394,@user 我关注你这么久,你的言论,太让人失望了,1.75,Chinese
+9395,@user 阿朱奶奶好美,3.4,Chinese
+9396,陳美伶:#新經濟移民法 不會搶國人飯碗。https://t.co/2C2N0E6OWK #移民,1.0,Chinese
+9397,我们绝大部分人所见,看到马克思《共产党宣言》尤其中共版本是早期从日本翻译过来,文中未尾,共产党完成使命后(大体意思),应主动退出历史舞台,此话被删掉。在马克思故乡的碑文中有此话,这才《共产党宣言》真正全文。,1.5,Chinese
+9398,@user 再玩两天就是徕卡哈苏施耐德了,2.25,Chinese
+9399,後來有幾天他說告訴我一些事 就約了我去中央公園 我們坐在公園外面的椅子上聊天 他就開始告訴我那個學長的事情 聊一聊之後 遇到一個給我同校的學姐 他就跟學姐打招呼瞎聊了一下 我隱約聽到他說了「就快了啦我會追到她的」之類的話 在這之前 我曾經有問過他是不是喜歡那個對話的主角 (續),3.0,Chinese
+9400,@user 水槽居然會生螃蟹,我還不蓋爆!!(←) http,1.2,Chinese
+9401,特么的我有点担心以后的家了,好怕一起床发现沙发穿了无数个洞,木柜下面一堆木屑,之前他就有前科,啃我的椅子,直接一个角都啃没了,我就算关他在厕所估计我洗漱柜和木门都要遭殃😭😭,1.8,Chinese
+9402,@user 哇你说的缩写除了ooh 别的都不知道,2.0,Chinese
+9403,海巡後參考了一下if的人氣狀況,艾爾對應卡米拉,帝彌對應里昂,庫羅德對應拓海(這兩人可以反著來)? 忽然不安~~~~,2.0,Chinese
+9404,郑州有人滴滴我么?,2.6,Chinese
+9405,2018年參加的最後一場婚禮,很溫馨但塞車好累。祝 大家 新年快樂 事事順心如意。 http,2.8,Chinese
+9406,《金融时报》报道称,中国央行下调存款利率的决定可能会在未来几天宣布。这将是2015年以来的首次。https://t.co/0sypVgNs5W,1.0,Chinese
+9407,@user 中国有什么没有什么。老百姓难道没有常识,需要你在这假惺惺做分析。,2.8,Chinese
+9408,@user @user 感觉可能性不大……抑郁症发病时的感觉有生理上的强制性,就像毒瘾一样,单纯靠精神是无法消除这种影响的。不过理论上可以硬抗,只是不知道普通人能不能扛得住,2.2,Chinese
+9409,@user @user 有没有 爱~我↘~~,4.2,Chinese
+9410,地震到是沒感覺 開車開到一半,被這國家級警報一響 整個人嚇到差點出車禍 這新的手機,也太響亮了吧 而且警報的鈴聲和我本來設定的不同 整個差點把我嚇死 在高速公路上耶,真是不要開玩笑了🥴,1.6,Chinese
+9411,@user @user 谢谢,勺子看起来很美味,2.4,Chinese
+9412,@user 真假,下次去試試,2.2,Chinese
+9413,请请来踢我腿上的胆量,叫我一个荡妇,然后像我是你的妓女一样在我身上扔几枚硬币。 http,2.333333333333333,Chinese
+9414,💋說好每1000發一次文,但大家太迅速了。 快到讓我來不及發文~🥵真是抱歉了我的朵粉😳 這次3000跟4000一起賀可以嗎! 讓我偷懶一下🙈 http,2.2,Chinese
+9415,@user 妇女有权自由决定是否要堕胎,明显地侵犯人权,1.8,Chinese
+9416,@user @user 那你懂历史吗?那你在这反共是傻缺还是坏透了?,1.0,Chinese
+9417,@fangshimin 再把蔬菜扔掉的视频结合起来看才有意思,1.6,Chinese
+9418,人生人生人生人生人生人生人生人生人生人生人生人生人生人生人生人生人生,1.6666666666666667,Chinese
+9419,@user 窩老記得美國左翼媒體在大饑荒和古拉格風行的時代好像也是爭相指責相關報導加深叻西方國家和蘇聯緊張關係,1.2,Chinese
+9420,什么叫药物骗子?等于说国际比赛会专门为孙哥开后门?能不能动动脑子再说,1.2,Chinese
+9421,@user 好漂亮緊實的屁屁,4.0,Chinese
+9422,@user 用法轮功开发的针对GFW破网软件可以被抓了??,2.25,Chinese
+9423,@user 川普不会发现中国共产党核武器导弹专家团队秘密帮助伊朗开发完善中程导弹和核武器。等到成功后就会撤离。朝鲜的初期导弹和核武也是中共核武器专家地下帮助的。所以伊朗很快会有核武器。,1.4,Chinese
+9424,我爷爷看到我的iPad Pro时候 所洋溢起的对新学习科技的赞叹 真的是让人感动 将来一定要给他用上好东西,4.0,Chinese
+9425,@user 三家分晋之前的晋国更像美国,虽然都是超级大国,但是内部矛盾重重。,1.0,Chinese
+9426,我得看看微博上的这篇「搬运工」文章能坚持多久不被删。。。这也是路德 @user 刚才的直播中提到的那篇论文。 http,1.0,Chinese
+9427,@user 即使不谈传说故事,至少他是他妈妈生的,这总是客观事实不容否定吧。,1.4,Chinese
+9428,@user 章立凡,你关注的人咋都那么low呢?能不能别瞎转发?,3.5,Chinese
+9429,作为一个自卑的人,我在工作中是一个碌碌无为的人,每次工作不顺利心情不好,就会去约炮,只有被女人跪舔的时候,才能获得自信。 http,4.0,Chinese
+9430,旗旗旗的提问箱 最近回答的提问 → “太太有沒有什麼想寫卻怕大家不能接受的題材?” http,2.4,Chinese
+9431,@user @user 我4縮 別人偷拍別人 然後有你 我難道只能這樣見你了嗎安餒XD,2.333333333333333,Chinese
+9432,对不是太细的大长腿毫无抵抗力,想从下舔到上,3.2,Chinese
+9433,@PDChina 我大人民日报来给世界洗脑啦,注意安全,1.25,Chinese
+9434,@user 應該不會 全世界都在搶(幹,2.0,Chinese
+9435,我接下来要追三部剧一部综艺我感觉有点吃不消了我要弃剧了,2.75,Chinese
+9436,@user 我来了,1.6,Chinese
+9437,@user @user @VOAChinese 你国内的QQ号还没注销呢。小心被人肉,如果你没注销中国国籍,你会被追究法律责任的。如果你已经是外国国籍了。等把你人肉出来,小心被暗网通缉。,2.4,Chinese
+9438,@user 诈骗!,1.0,Chinese
+9439,@user 玩嗨不就是要骚,才玩的爽吗?,3.6,Chinese
+9440,★如果有问题,可以随时提问。微信 : wavej88 QQ : 1916057080 24小时咨询热线 #济州夜生活 #济州岛夜生活 #济州KTV #济州岛KTV #济州韩国美女 #济州赌场 #济州换钱 http,1.8,Chinese
+9441,@user @user 开明是相对的,当时的开明在今天看来那也是远远不及格的,不是这个道理嘛,1.2,Chinese
+9442,@user @user 荒谬的现代历史。,1.6,Chinese
+9443,#KissBoysTH 如果我说我喜欢你,你可能会一笑带过,但我会用时间去证明。 @Saint_sup Cr.logo Saint_sup数据站 http,1.8,Chinese
+9444,这是我从网上看到的截图,你们看完之后怎么想? http,2.0,Chinese
+9445,@user @user @jump_henshubu @user 所以要学习啊?你到底想让我怎么说你才会明白?自己没有见过的事情就是不存在的吗?,2.25,Chinese
+9446,#첸_이제는_탈퇴해 #CHEN_OUT_NOW 大钟金在吗?就算用bb机 退团信也该写好了吧 怀孕七个月也不能doi了 你怎么这么忙💔,3.75,Chinese
+9447,三峡大坝就是上帝惩罚中国人的武器,而且是中国人自己造出来毁灭自己的武器,算一算大坝崩塌,长江中下游沿岸城市要死多少人呢?至少1-2亿吧,说实话我很高兴这么多魔鬼和帮凶会去喂王八。我期盼这一天今早到来吧!,2.2,Chinese
+9448,管轶:身经百战,这次感到极其无力 「保守估计,此次感染规模是SARS的10倍起跳。我经历过这么多,从没有感到害怕过,大部分可控制,但这次我怕了。」 http,2.0,Chinese
+9449,@iingwen 台灣有沒有cosplay 日?,2.2,Chinese
+9450,【骚1⃣️🐂M】 开始控制取精。求了一阵子,还是让他流一次吧。后面貌似还有四次流精😂 (记得点赞➕评论➕转载三连击。喜欢的小伙伴们记得关注哦)#精牛 #菊花 #淫叫 #边缘 #龟头责 #控制 #流精 http,2.4,Chinese
+9451,@user @user 開始食吓西蘭花,2.333333333333333,Chinese
+9452,上次說什麼來著,沒有軟棉棉的愛心了,軟棉棉的好像都發完了咧🤨 http,2.4,Chinese
+9453,@user @user 有他联系方式没,2.8,Chinese
+9454,@user @andrewbogut 他不是鸡吧……不要侮辱鸡,鸡也是有尊严的,2.0,Chinese
+9455,@user 此外,快点儿呼吁中国,封锁对美国、韩国、日本、伊朗及欧盟的所有航班。为了保护在大陆的中共国人,禁止疫区的海外华人回国。,1.2,Chinese
+9456,尋找所有人的匿名問題! 威沒有任何問題! 威山第一個令人難忘的答案可能是您的問題! ? #問題框 #尋找匿名問題 http,1.5,Chinese
+9457,"@user 好漂亮,這個建築已經沒有了嗎 ?",2.0,Chinese
+9458,新年第一射 口爆后肉肉还舍不得吞下 在口中玩精 不停撸🐔 不知道多少精液才能满足她 http,3.5,Chinese
+9459,@user @user @user @user 我已经👍N次了,3.0,Chinese
+9460,@user @user 青椒去籽去白筋,然后就不那么辣了。,1.6,Chinese
+9461,@user 聽起來比我這裡恐怖等你分享,1.6,Chinese
+9462,@NCTsmtown_DREAM 大家好你们在干嘛呀 我干活化完妆!내가 쳤지롱,4.25,Chinese
+9463,@user @user 食物加味精會導致頭髮脫落,1.4,Chinese
+9464,@user @user 哈哈哈(謝謝你的心意,2.5,Chinese
+9465,@user 一定要记得带口罩出门,3.2,Chinese
+9466,@user 你女兒才正勒,3.8,Chinese
+9467,最近禁欲憋坏了么? 发个推文也能刺激到让我硬起来 有性瘾 还是性欲强? 想要优质零 想要高质量的爱爱 但又不想让自己太放肆 所以强制自己禁欲 纠结哦 http,4.0,Chinese
+9468,@user @user @user @user @user @user @zlj517 从油管来,敢问是up主吗?vod做的也太好了吧,终于可以不看B站的川建国了,3.25,Chinese
+9469,我會想要討論:想看看能不能有什麼新東西(我不知道的、別人以他特殊背景體悟而來的等等) 不是想贏想炫耀自己知識,只是種鋪路的手法,讓相關議題的討論能繼續下去。,1.8,Chinese
+9470,看到中文老師就好煩…(嗯?,3.2,Chinese
+9471,@user @user @user @user 我同意你的观点 我不同意的是你把观点和你不同的人视为敌人,2.6,Chinese
+9472,@user 為什麼你的看牆是木頭..,3.25,Chinese
+9473,@user @zlj517 中国境内说什么都可以,除此之外说话一定要负责。,1.2,Chinese
+9474,@user 有力候補!,2.25,Chinese
+9475,两手握住还出一头的足球小哥哥又来了。 了解一下吃大🐔的爽快感! http,3.0,Chinese
+9476,"「讓她在網路繼續炫耀的吹」 前同事太太在稅務局工作,「每次在網上看到一女自由業,她總是很高調的形容多忙,也非她不可,也賺的滿滿, 越看越覺得她很矯情,除非吹噓太多,不然就是賺了太多.....」 好聰明,查稅就知道了.",1.8,Chinese
+9477,@user 不大的,只是视频显得突出了啦,3.6,Chinese
+9478,@user 希望全港人勇敢企出嚟,團結一致、驅逐暴力,1.2,Chinese
+9479,习一语成谶, 中美贸易战可以掀翻小池塘,却不能掀翻大海。 习近平发迹之地梁家河就是小池塘,汪洋是大海。 2019年的北戴河会议将上演自1989年以来最激烈的政变逼宫! 新华社乌龙事件反映了中共党内主战派和主和派的激烈斗争!,1.2,Chinese
+9480,@nytchinese 文章通篇想表达什么,1.0,Chinese
+9481,华为高通龙争虎战:5G基带芯片新秩序 自从与苹果达成和解之后,高通的日子过得可谓顺风顺水。资本市场上,自4月16日发出和解公告后,高通的股价一度达到90.34美元/股,涨幅超57%。业务上,高通也是不... http,1.8,Chinese
+9482,@user 最喜歡看什麼,3.4,Chinese
+9483,卖片的是不是穷疯了啊?你卖片也可以啊,卖点自己的啊,一堆pro上下载过来。截取20秒,配点自己意淫的文字,我的妈呀,简直不要太棒好吗?不是公务员 就是局长 老总,啧啧,这么有身份在七天 如家 玩呢哦?意淫开心就好。无话可说😶 http,1.6,Chinese
+9484,@user 美国都不愿意参加的情况下,日本来了,日本这不是为土共站台吗?精日们,怎么说?,1.2,Chinese
+9485,分享一个精彩的 完美的奶,完美的脸,完美的嘴 投@fanqianglu http,3.8,Chinese
+9486,若被確認為「國際關注公共衛生緊急事件」, 世衛會發布一系列包括確診、隔離和治療的詳細計畫, 協調各國採取國際應對措施, 並視情況考慮對疫情地區實施旅遊建議。 http,1.0,Chinese
+9487,@user 是嗎? 可能我沒有注意到吧,2.0,Chinese
+9488,@user @user 你剃过毛毛吗,3.8,Chinese
+9489,@user 她没说是捐吧?,1.8,Chinese
+9490,通报来了 真的要消停一会了 视频不要私信要啦 就当2w粉的福利提前放出来吧 有风险勿模仿 感谢师傅的协助 http,1.6,Chinese
diff --git a/data_handling.ipynb b/data_handling.ipynb
deleted file mode 100644
index e69de29..0000000
diff --git a/huggingface_tutorial_torch.ipynb b/huggingface_tutorial_torch.ipynb
new file mode 100644
index 0000000..8edc88d
--- /dev/null
+++ b/huggingface_tutorial_torch.ipynb
@@ -0,0 +1,580 @@
+{
+ "cells": [
+  {
+   "cell_type": "code",
+   "execution_count": 2,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "Found cached dataset yelp_review_full (C:/Users/lukas/.cache/huggingface/datasets/yelp_review_full/yelp_review_full/1.0.0/e8e18e19d7be9e75642fc66b198abadb116f73599ec89a69ba5dd8d1e57ba0bf)\n"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "54740ab560a74ce493e0434175fcfd93",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "  0%|          | 0/2 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    }
+   ],
+   "source": [
+    "# DOESN'T RUN (Postponed)\n",
+    "\n",
+    "\n",
+    "\n",
+    "from datasets import load_dataset\n",
+    "dataset = load_dataset(\"yelp_review_full\")"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 3,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "37b1e4eeb12e40bb82369e21e6c8efc5",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Downloading:   0%|          | 0.00/29.0 [00:00<?, ?B/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "c:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\huggingface_hub\\file_download.py:123: UserWarning: `huggingface_hub` cache-system uses symlinks by default to efficiently store duplicated files but your machine does not support them in C:\\Users\\lukas\\.cache\\huggingface\\hub. Caching files will still work but in a degraded version that might require more space on your disk. This warning can be disabled by setting the `HF_HUB_DISABLE_SYMLINKS_WARNING` environment variable. For more details, see https://huggingface.co/docs/huggingface_hub/how-to-cache#limitations.\n",
+      "To support symlinks on Windows, you either need to activate Developer Mode or to run Python as an administrator. In order to see activate developer mode, see this article: https://docs.microsoft.com/en-us/windows/apps/get-started/enable-your-device-for-development\n",
+      "  warnings.warn(message)\n"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "e2341b1160ef4d25849db55f8946cb12",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Downloading:   0%|          | 0.00/570 [00:00<?, ?B/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "2cd8b86a598a4002a8ef432f0a30b62e",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Downloading:   0%|          | 0.00/213k [00:00<?, ?B/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "150e29e985494dc4ab86f5565b7efd92",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Downloading:   0%|          | 0.00/436k [00:00<?, ?B/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    }
+   ],
+   "source": [
+    "from transformers import AutoTokenizer\n",
+    "tokenizer = AutoTokenizer.from_pretrained(\"bert-base-cased\")"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 4,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "def tokenize_function(examples):\n",
+    "    return tokenizer(examples[\"text\"], padding=\"max_length\", truncation=True)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 5,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "Parameter 'function'=<function tokenize_function at 0x000001AADC479A60> of the transform datasets.arrow_dataset.Dataset._map_single 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"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "6116d0d0b7ca4621bdb4b5220cdeb1dd",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "  0%|          | 0/650 [00:00<?, ?ba/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "2f0ff5764e84475c89afc2352a218096",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "  0%|          | 0/50 [00:00<?, ?ba/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    }
+   ],
+   "source": [
+    "tokenized_datasets = dataset.map(tokenize_function, batched=True)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 12,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "small_train_dataset = tokenized_datasets[\"train\"].shuffle(seed=42).select(range(1000))\n",
+    "small_eval_dataset = tokenized_datasets[\"test\"].shuffle(seed=42).select(range(1000))"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 6,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "5307b072187140a089ccf5e984817447",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Downloading:   0%|          | 0.00/436M [00:00<?, ?B/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "Some weights of the model checkpoint at bert-base-cased were not used when initializing BertForSequenceClassification: ['cls.predictions.transform.LayerNorm.bias', 'cls.seq_relationship.weight', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.weight', 'cls.seq_relationship.bias', 'cls.predictions.decoder.weight', 'cls.predictions.transform.dense.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-cased 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": [
+    "from transformers import AutoModelForSequenceClassification\n",
+    "model = AutoModelForSequenceClassification.from_pretrained(\"bert-base-cased\", num_labels=5)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 7,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "from transformers import TrainingArguments\n",
+    "\n",
+    "training_args = TrainingArguments(output_dir=\"test_trainer\")"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 8,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "d79d495be4dd4df28c57fec1bb459f05",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Downloading builder script:   0%|          | 0.00/4.20k [00:00<?, ?B/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    }
+   ],
+   "source": [
+    "import numpy as np\n",
+    "import evaluate\n",
+    "\n",
+    "metric = evaluate.load(\"accuracy\")"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 9,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "def compute_metrics(eval_pred):\n",
+    "    logits, labels = eval_pred\n",
+    "    predictions = np.argmax(logits, axis=-1)\n",
+    "    return metric.compute(predictions=predictions, references=labels)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 10,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "from transformers import TrainingArguments, Trainer\n",
+    "\n",
+    "training_args = TrainingArguments(\n",
+    "    output_dir=\"test_trainer\", \n",
+    "    evaluation_strategy=\"epoch\",\n",
+    "    num_train_epochs=15,\n",
+    "    learning_rate=0.001,\n",
+    "    per_device_train_batch_size=128,\n",
+    "    per_device_eval_batch_size=128\n",
+    "    )"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 13,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "trainer = Trainer(\n",
+    "    model=model,\n",
+    "    args=training_args,\n",
+    "    train_dataset=small_train_dataset,\n",
+    "    eval_dataset=small_eval_dataset,\n",
+    "    compute_metrics=compute_metrics,\n",
+    ")"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 14,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "The following columns in the training set don't have a corresponding argument in `BertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `BertForSequenceClassification.forward`,  you can safely ignore this message.\n",
+      "c:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\optimization.py:306: FutureWarning: This implementation of AdamW is deprecated and will be removed in a future version. Use the PyTorch implementation torch.optim.AdamW instead, or set `no_deprecation_warning=True` to disable this warning\n",
+      "  warnings.warn(\n",
+      "***** Running training *****\n",
+      "  Num examples = 1000\n",
+      "  Num Epochs = 3\n",
+      "  Instantaneous batch size per device = 8\n",
+      "  Total train batch size (w. parallel, distributed & accumulation) = 8\n",
+      "  Gradient Accumulation steps = 1\n",
+      "  Total optimization steps = 375\n",
+      "  Number of trainable parameters = 108314117\n"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "79e0df8c41104833b96584812eb53712",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "  0%|          | 0/375 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "The following columns in the evaluation set don't have a corresponding argument in `BertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `BertForSequenceClassification.forward`,  you can safely ignore this message.\n",
+      "***** Running Evaluation *****\n",
+      "  Num examples = 1000\n",
+      "  Batch size = 8\n"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "45816a4a5ffd4bf5b7c84b37c97537e4",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "  0%|          | 0/125 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "{'eval_loss': 1.0797395706176758, 'eval_accuracy': 0.518, 'eval_runtime': 14.6257, 'eval_samples_per_second': 68.373, 'eval_steps_per_second': 8.547, 'epoch': 1.0}\n"
+     ]
+    },
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "The following columns in the evaluation set don't have a corresponding argument in `BertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `BertForSequenceClassification.forward`,  you can safely ignore this message.\n",
+      "***** Running Evaluation *****\n",
+      "  Num examples = 1000\n",
+      "  Batch size = 8\n"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "392b083446c245aaa0f5c5318a4f6656",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "  0%|          | 0/125 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "{'eval_loss': 1.0461604595184326, 'eval_accuracy': 0.55, 'eval_runtime': 14.7085, 'eval_samples_per_second': 67.988, 'eval_steps_per_second': 8.499, 'epoch': 2.0}\n"
+     ]
+    },
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "The following columns in the evaluation set don't have a corresponding argument in `BertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `BertForSequenceClassification.forward`,  you can safely ignore this message.\n",
+      "***** Running Evaluation *****\n",
+      "  Num examples = 1000\n",
+      "  Batch size = 8\n"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "19c66ecd18b349a6a5376a23f1b92fd0",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "  0%|          | 0/125 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "\n",
+      "\n",
+      "Training completed. Do not forget to share your model on huggingface.co/models =)\n",
+      "\n",
+      "\n"
+     ]
+    },
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "{'eval_loss': 1.048883318901062, 'eval_accuracy': 0.566, 'eval_runtime': 14.7856, 'eval_samples_per_second': 67.633, 'eval_steps_per_second': 8.454, 'epoch': 3.0}\n",
+      "{'train_runtime': 184.9792, 'train_samples_per_second': 16.218, 'train_steps_per_second': 2.027, 'train_loss': 0.9710061848958333, 'epoch': 3.0}\n"
+     ]
+    },
+    {
+     "data": {
+      "text/plain": [
+       "TrainOutput(global_step=375, training_loss=0.9710061848958333, metrics={'train_runtime': 184.9792, 'train_samples_per_second': 16.218, 'train_steps_per_second': 2.027, 'train_loss': 0.9710061848958333, 'epoch': 3.0})"
+      ]
+     },
+     "execution_count": 14,
+     "metadata": {},
+     "output_type": "execute_result"
+    }
+   ],
+   "source": [
+    "trainer.train()"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 16,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "The following columns in the test set don't have a corresponding argument in `BertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `BertForSequenceClassification.forward`,  you can safely ignore this message.\n",
+      "***** Running Prediction *****\n",
+      "  Num examples = 1000\n",
+      "  Batch size = 8\n"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "5b0118d639954b0aa7e0702fd34712ed",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "  0%|          | 0/125 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "(1000, 5) (1000,)\n"
+     ]
+    }
+   ],
+   "source": [
+    "predictions = trainer.predict(small_eval_dataset)\n",
+    "print(predictions.predictions.shape, predictions.label_ids.shape)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 17,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "C:\\Users\\lukas\\AppData\\Local\\Temp\\ipykernel_7992\\139300091.py:3: FutureWarning: load_metric is deprecated and will be removed in the next major version of datasets. Use 'evaluate.load' instead, from the new library 🤗 Evaluate: https://huggingface.co/docs/evaluate\n",
+      "  metric = load_metric(\"glue\", \"mrpc\")\n"
+     ]
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "750d8f0025564c54bbb56f2f6b8d98e5",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Downloading builder script:   0%|          | 0.00/1.84k [00:00<?, ?B/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "ename": "ValueError",
+     "evalue": "Target is multiclass but average='binary'. Please choose another average setting, one of [None, 'micro', 'macro', 'weighted'].",
+     "output_type": "error",
+     "traceback": [
+      "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m",
+      "\u001b[1;31mValueError\u001b[0m                                Traceback (most recent call last)",
+      "Cell \u001b[1;32mIn [17], line 5\u001b[0m\n\u001b[0;32m      3\u001b[0m metric \u001b[39m=\u001b[39m load_metric(\u001b[39m\"\u001b[39m\u001b[39mglue\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mmrpc\u001b[39m\u001b[39m\"\u001b[39m)\n\u001b[0;32m      4\u001b[0m preds \u001b[39m=\u001b[39m np\u001b[39m.\u001b[39margmax(predictions\u001b[39m.\u001b[39mpredictions, axis\u001b[39m=\u001b[39m\u001b[39m-\u001b[39m\u001b[39m1\u001b[39m)\n\u001b[1;32m----> 5\u001b[0m metric\u001b[39m.\u001b[39;49mcompute(predictions\u001b[39m=\u001b[39;49mpreds, references\u001b[39m=\u001b[39;49mpredictions\u001b[39m.\u001b[39;49mlabel_ids)\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\datasets\\metric.py:453\u001b[0m, in \u001b[0;36mMetric.compute\u001b[1;34m(self, predictions, references, **kwargs)\u001b[0m\n\u001b[0;32m    451\u001b[0m inputs \u001b[39m=\u001b[39m {input_name: \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mdata[input_name] \u001b[39mfor\u001b[39;00m input_name \u001b[39min\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mfeatures}\n\u001b[0;32m    452\u001b[0m \u001b[39mwith\u001b[39;00m temp_seed(\u001b[39mself\u001b[39m\u001b[39m.\u001b[39mseed):\n\u001b[1;32m--> 453\u001b[0m     output \u001b[39m=\u001b[39m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_compute(\u001b[39m*\u001b[39m\u001b[39m*\u001b[39minputs, \u001b[39m*\u001b[39m\u001b[39m*\u001b[39mcompute_kwargs)\n\u001b[0;32m    455\u001b[0m \u001b[39mif\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mbuf_writer \u001b[39mis\u001b[39;00m \u001b[39mnot\u001b[39;00m \u001b[39mNone\u001b[39;00m:\n\u001b[0;32m    456\u001b[0m     \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mbuf_writer \u001b[39m=\u001b[39m \u001b[39mNone\u001b[39;00m\n",
+      "File \u001b[1;32m~\\.cache\\huggingface\\modules\\datasets_modules\\metrics\\glue\\91f3cfc5498873918ecf119dbf806fb10815786c84f41b85a5d3c47c1519b343\\glue.py:147\u001b[0m, in \u001b[0;36mGlue._compute\u001b[1;34m(self, predictions, references)\u001b[0m\n\u001b[0;32m    145\u001b[0m     \u001b[39mreturn\u001b[39;00m pearson_and_spearman(predictions, references)\n\u001b[0;32m    146\u001b[0m \u001b[39melif\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mconfig_name \u001b[39min\u001b[39;00m [\u001b[39m\"\u001b[39m\u001b[39mmrpc\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mqqp\u001b[39m\u001b[39m\"\u001b[39m]:\n\u001b[1;32m--> 147\u001b[0m     \u001b[39mreturn\u001b[39;00m acc_and_f1(predictions, references)\n\u001b[0;32m    148\u001b[0m \u001b[39melif\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mconfig_name \u001b[39min\u001b[39;00m [\u001b[39m\"\u001b[39m\u001b[39msst2\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mmnli\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mmnli_mismatched\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mmnli_matched\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mqnli\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mrte\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mwnli\u001b[39m\u001b[39m\"\u001b[39m, \u001b[39m\"\u001b[39m\u001b[39mhans\u001b[39m\u001b[39m\"\u001b[39m]:\n\u001b[0;32m    149\u001b[0m     \u001b[39mreturn\u001b[39;00m {\u001b[39m\"\u001b[39m\u001b[39maccuracy\u001b[39m\u001b[39m\"\u001b[39m: simple_accuracy(predictions, references)}\n",
+      "File \u001b[1;32m~\\.cache\\huggingface\\modules\\datasets_modules\\metrics\\glue\\91f3cfc5498873918ecf119dbf806fb10815786c84f41b85a5d3c47c1519b343\\glue.py:88\u001b[0m, in \u001b[0;36macc_and_f1\u001b[1;34m(preds, labels)\u001b[0m\n\u001b[0;32m     86\u001b[0m \u001b[39mdef\u001b[39;00m \u001b[39macc_and_f1\u001b[39m(preds, labels):\n\u001b[0;32m     87\u001b[0m     acc \u001b[39m=\u001b[39m simple_accuracy(preds, labels)\n\u001b[1;32m---> 88\u001b[0m     f1 \u001b[39m=\u001b[39m \u001b[39mfloat\u001b[39m(f1_score(y_true\u001b[39m=\u001b[39;49mlabels, y_pred\u001b[39m=\u001b[39;49mpreds))\n\u001b[0;32m     89\u001b[0m     \u001b[39mreturn\u001b[39;00m {\n\u001b[0;32m     90\u001b[0m         \u001b[39m\"\u001b[39m\u001b[39maccuracy\u001b[39m\u001b[39m\"\u001b[39m: acc,\n\u001b[0;32m     91\u001b[0m         \u001b[39m\"\u001b[39m\u001b[39mf1\u001b[39m\u001b[39m\"\u001b[39m: f1,\n\u001b[0;32m     92\u001b[0m     }\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\sklearn\\metrics\\_classification.py:1136\u001b[0m, in \u001b[0;36mf1_score\u001b[1;34m(y_true, y_pred, labels, pos_label, average, sample_weight, zero_division)\u001b[0m\n\u001b[0;32m   1001\u001b[0m \u001b[39mdef\u001b[39;00m \u001b[39mf1_score\u001b[39m(\n\u001b[0;32m   1002\u001b[0m     y_true,\n\u001b[0;32m   1003\u001b[0m     y_pred,\n\u001b[1;32m   (...)\u001b[0m\n\u001b[0;32m   1009\u001b[0m     zero_division\u001b[39m=\u001b[39m\u001b[39m\"\u001b[39m\u001b[39mwarn\u001b[39m\u001b[39m\"\u001b[39m,\n\u001b[0;32m   1010\u001b[0m ):\n\u001b[0;32m   1011\u001b[0m     \u001b[39m\"\"\"Compute the F1 score, also known as balanced F-score or F-measure.\u001b[39;00m\n\u001b[0;32m   1012\u001b[0m \n\u001b[0;32m   1013\u001b[0m \u001b[39m    The F1 score can be interpreted as a harmonic mean of the precision and\u001b[39;00m\n\u001b[1;32m   (...)\u001b[0m\n\u001b[0;32m   1134\u001b[0m \u001b[39m    array([0.66666667, 1.        , 0.66666667])\u001b[39;00m\n\u001b[0;32m   1135\u001b[0m \u001b[39m    \"\"\"\u001b[39;00m\n\u001b[1;32m-> 1136\u001b[0m     \u001b[39mreturn\u001b[39;00m fbeta_score(\n\u001b[0;32m   1137\u001b[0m         y_true,\n\u001b[0;32m   1138\u001b[0m         y_pred,\n\u001b[0;32m   1139\u001b[0m         beta\u001b[39m=\u001b[39;49m\u001b[39m1\u001b[39;49m,\n\u001b[0;32m   1140\u001b[0m         labels\u001b[39m=\u001b[39;49mlabels,\n\u001b[0;32m   1141\u001b[0m         pos_label\u001b[39m=\u001b[39;49mpos_label,\n\u001b[0;32m   1142\u001b[0m         average\u001b[39m=\u001b[39;49maverage,\n\u001b[0;32m   1143\u001b[0m         sample_weight\u001b[39m=\u001b[39;49msample_weight,\n\u001b[0;32m   1144\u001b[0m         zero_division\u001b[39m=\u001b[39;49mzero_division,\n\u001b[0;32m   1145\u001b[0m     )\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\sklearn\\metrics\\_classification.py:1277\u001b[0m, in \u001b[0;36mfbeta_score\u001b[1;34m(y_true, y_pred, beta, labels, pos_label, average, sample_weight, zero_division)\u001b[0m\n\u001b[0;32m   1148\u001b[0m \u001b[39mdef\u001b[39;00m \u001b[39mfbeta_score\u001b[39m(\n\u001b[0;32m   1149\u001b[0m     y_true,\n\u001b[0;32m   1150\u001b[0m     y_pred,\n\u001b[1;32m   (...)\u001b[0m\n\u001b[0;32m   1157\u001b[0m     zero_division\u001b[39m=\u001b[39m\u001b[39m\"\u001b[39m\u001b[39mwarn\u001b[39m\u001b[39m\"\u001b[39m,\n\u001b[0;32m   1158\u001b[0m ):\n\u001b[0;32m   1159\u001b[0m     \u001b[39m\"\"\"Compute the F-beta score.\u001b[39;00m\n\u001b[0;32m   1160\u001b[0m \n\u001b[0;32m   1161\u001b[0m \u001b[39m    The F-beta score is the weighted harmonic mean of precision and recall,\u001b[39;00m\n\u001b[1;32m   (...)\u001b[0m\n\u001b[0;32m   1274\u001b[0m \u001b[39m    array([0.71..., 0.        , 0.        ])\u001b[39;00m\n\u001b[0;32m   1275\u001b[0m \u001b[39m    \"\"\"\u001b[39;00m\n\u001b[1;32m-> 1277\u001b[0m     _, _, f, _ \u001b[39m=\u001b[39m precision_recall_fscore_support(\n\u001b[0;32m   1278\u001b[0m         y_true,\n\u001b[0;32m   1279\u001b[0m         y_pred,\n\u001b[0;32m   1280\u001b[0m         beta\u001b[39m=\u001b[39;49mbeta,\n\u001b[0;32m   1281\u001b[0m         labels\u001b[39m=\u001b[39;49mlabels,\n\u001b[0;32m   1282\u001b[0m         pos_label\u001b[39m=\u001b[39;49mpos_label,\n\u001b[0;32m   1283\u001b[0m         average\u001b[39m=\u001b[39;49maverage,\n\u001b[0;32m   1284\u001b[0m         warn_for\u001b[39m=\u001b[39;49m(\u001b[39m\"\u001b[39;49m\u001b[39mf-score\u001b[39;49m\u001b[39m\"\u001b[39;49m,),\n\u001b[0;32m   1285\u001b[0m         sample_weight\u001b[39m=\u001b[39;49msample_weight,\n\u001b[0;32m   1286\u001b[0m         zero_division\u001b[39m=\u001b[39;49mzero_division,\n\u001b[0;32m   1287\u001b[0m     )\n\u001b[0;32m   1288\u001b[0m     \u001b[39mreturn\u001b[39;00m f\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\sklearn\\metrics\\_classification.py:1563\u001b[0m, in \u001b[0;36mprecision_recall_fscore_support\u001b[1;34m(y_true, y_pred, beta, labels, pos_label, average, warn_for, sample_weight, zero_division)\u001b[0m\n\u001b[0;32m   1561\u001b[0m \u001b[39mif\u001b[39;00m beta \u001b[39m<\u001b[39m \u001b[39m0\u001b[39m:\n\u001b[0;32m   1562\u001b[0m     \u001b[39mraise\u001b[39;00m \u001b[39mValueError\u001b[39;00m(\u001b[39m\"\u001b[39m\u001b[39mbeta should be >=0 in the F-beta score\u001b[39m\u001b[39m\"\u001b[39m)\n\u001b[1;32m-> 1563\u001b[0m labels \u001b[39m=\u001b[39m _check_set_wise_labels(y_true, y_pred, average, labels, pos_label)\n\u001b[0;32m   1565\u001b[0m \u001b[39m# Calculate tp_sum, pred_sum, true_sum ###\u001b[39;00m\n\u001b[0;32m   1566\u001b[0m samplewise \u001b[39m=\u001b[39m average \u001b[39m==\u001b[39m \u001b[39m\"\u001b[39m\u001b[39msamples\u001b[39m\u001b[39m\"\u001b[39m\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\sklearn\\metrics\\_classification.py:1381\u001b[0m, in \u001b[0;36m_check_set_wise_labels\u001b[1;34m(y_true, y_pred, average, labels, pos_label)\u001b[0m\n\u001b[0;32m   1379\u001b[0m         \u001b[39mif\u001b[39;00m y_type \u001b[39m==\u001b[39m \u001b[39m\"\u001b[39m\u001b[39mmulticlass\u001b[39m\u001b[39m\"\u001b[39m:\n\u001b[0;32m   1380\u001b[0m             average_options\u001b[39m.\u001b[39mremove(\u001b[39m\"\u001b[39m\u001b[39msamples\u001b[39m\u001b[39m\"\u001b[39m)\n\u001b[1;32m-> 1381\u001b[0m         \u001b[39mraise\u001b[39;00m \u001b[39mValueError\u001b[39;00m(\n\u001b[0;32m   1382\u001b[0m             \u001b[39m\"\u001b[39m\u001b[39mTarget is \u001b[39m\u001b[39m%s\u001b[39;00m\u001b[39m but average=\u001b[39m\u001b[39m'\u001b[39m\u001b[39mbinary\u001b[39m\u001b[39m'\u001b[39m\u001b[39m. Please \u001b[39m\u001b[39m\"\u001b[39m\n\u001b[0;32m   1383\u001b[0m             \u001b[39m\"\u001b[39m\u001b[39mchoose another average setting, one of \u001b[39m\u001b[39m%r\u001b[39;00m\u001b[39m.\u001b[39m\u001b[39m\"\u001b[39m \u001b[39m%\u001b[39m (y_type, average_options)\n\u001b[0;32m   1384\u001b[0m         )\n\u001b[0;32m   1385\u001b[0m \u001b[39melif\u001b[39;00m pos_label \u001b[39mnot\u001b[39;00m \u001b[39min\u001b[39;00m (\u001b[39mNone\u001b[39;00m, \u001b[39m1\u001b[39m):\n\u001b[0;32m   1386\u001b[0m     warnings\u001b[39m.\u001b[39mwarn(\n\u001b[0;32m   1387\u001b[0m         \u001b[39m\"\u001b[39m\u001b[39mNote that pos_label (set to \u001b[39m\u001b[39m%r\u001b[39;00m\u001b[39m) is ignored when \u001b[39m\u001b[39m\"\u001b[39m\n\u001b[0;32m   1388\u001b[0m         \u001b[39m\"\u001b[39m\u001b[39maverage != \u001b[39m\u001b[39m'\u001b[39m\u001b[39mbinary\u001b[39m\u001b[39m'\u001b[39m\u001b[39m (got \u001b[39m\u001b[39m%r\u001b[39;00m\u001b[39m). You may use \u001b[39m\u001b[39m\"\u001b[39m\n\u001b[1;32m   (...)\u001b[0m\n\u001b[0;32m   1391\u001b[0m         \u001b[39mUserWarning\u001b[39;00m,\n\u001b[0;32m   1392\u001b[0m     )\n",
+      "\u001b[1;31mValueError\u001b[0m: Target is multiclass but average='binary'. Please choose another average setting, one of [None, 'micro', 'macro', 'weighted']."
+     ]
+    }
+   ],
+   "source": [
+    "# Not working!!!\n",
+    "from datasets import load_metric\n",
+    "\n",
+    "metric = load_metric(\"glue\", \"mrpc\")\n",
+    "preds = np.argmax(predictions.predictions, axis=-1)\n",
+    "metric.compute(predictions=preds, references=predictions.label_ids)"
+   ]
+  }
+ ],
+ "metadata": {
+  "kernelspec": {
+   "display_name": "Python 3.9.15 ('DataScience39')",
+   "language": "python",
+   "name": "python3"
+  },
+  "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.9.15"
+  },
+  "orig_nbformat": 4,
+  "vscode": {
+   "interpreter": {
+    "hash": "cf052abd46a0e82671c06ed25cd624687577489b98e6fe4de830522367ac75ff"
+   }
+  }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 2
+}
diff --git a/skim_ai_tutorial.ipynb b/skim_ai_tutorial.ipynb
new file mode 100644
index 0000000..27fcf13
--- /dev/null
+++ b/skim_ai_tutorial.ipynb
@@ -0,0 +1,602 @@
+{
+ "cells": [
+  {
+   "cell_type": "code",
+   "execution_count": 1,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "import os\n",
+    "import re\n",
+    "from tqdm import tqdm\n",
+    "import numpy as np\n",
+    "import pandas as pd\n",
+    "import matplotlib.pyplot as plt\n",
+    "\n",
+    "%matplotlib inline\n",
+    "\n",
+    "# Hyperparameters\n",
+    "hyp_epochs = 15\n",
+    "hyp_learning_rate = 0.001\n",
+    "hyp_batch_size = 128\n",
+    "hyp_eval_intervall = 500"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 2,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "text/html": [
+       "<div>\n",
+       "<style scoped>\n",
+       "    .dataframe tbody tr th:only-of-type {\n",
+       "        vertical-align: middle;\n",
+       "    }\n",
+       "\n",
+       "    .dataframe tbody tr th {\n",
+       "        vertical-align: top;\n",
+       "    }\n",
+       "\n",
+       "    .dataframe thead th {\n",
+       "        text-align: right;\n",
+       "    }\n",
+       "</style>\n",
+       "<table border=\"1\" class=\"dataframe\">\n",
+       "  <thead>\n",
+       "    <tr style=\"text-align: right;\">\n",
+       "      <th></th>\n",
+       "      <th>id</th>\n",
+       "      <th>text</th>\n",
+       "      <th>label</th>\n",
+       "    </tr>\n",
+       "  </thead>\n",
+       "  <tbody>\n",
+       "    <tr>\n",
+       "      <th>4568</th>\n",
+       "      <td>4568</td>\n",
+       "      <td>Eu : namoral makoto é muito gado kkkkkk Outra ...</td>\n",
+       "      <td>2.333333</td>\n",
+       "    </tr>\n",
+       "    <tr>\n",
+       "      <th>3746</th>\n",
+       "      <td>3746</td>\n",
+       "      <td>Tô com saudades, de beijar você todo e fazer u...</td>\n",
+       "      <td>4.400000</td>\n",
+       "    </tr>\n",
+       "    <tr>\n",
+       "      <th>1903</th>\n",
+       "      <td>1903</td>\n",
+       "      <td>@user Inglaterra allá voy</td>\n",
+       "      <td>2.000000</td>\n",
+       "    </tr>\n",
+       "    <tr>\n",
+       "      <th>6334</th>\n",
+       "      <td>6334</td>\n",
+       "      <td>Possibilité que le confinement se termine dans...</td>\n",
+       "      <td>1.000000</td>\n",
+       "    </tr>\n",
+       "    <tr>\n",
+       "      <th>998</th>\n",
+       "      <td>998</td>\n",
+       "      <td>He say he really want to see me more http</td>\n",
+       "      <td>2.000000</td>\n",
+       "    </tr>\n",
+       "  </tbody>\n",
+       "</table>\n",
+       "</div>"
+      ],
+      "text/plain": [
+       "        id                                               text     label\n",
+       "4568  4568  Eu : namoral makoto é muito gado kkkkkk Outra ...  2.333333\n",
+       "3746  3746  Tô com saudades, de beijar você todo e fazer u...  4.400000\n",
+       "1903  1903                          @user Inglaterra allá voy  2.000000\n",
+       "6334  6334  Possibilité que le confinement se termine dans...  1.000000\n",
+       "998    998          He say he really want to see me more http  2.000000"
+      ]
+     },
+     "execution_count": 2,
+     "metadata": {},
+     "output_type": "execute_result"
+    }
+   ],
+   "source": [
+    "data = pd.read_csv('./data/train_all_id.csv')\n",
+    "languages = data.drop(['text', 'label'], axis=1)\n",
+    "data = data.drop('language', axis=1)\n",
+    "data.sample(5)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 3,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "from sklearn.model_selection import train_test_split\n",
+    "\n",
+    "X = data.text.values\n",
+    "y = data.label.values\n",
+    "X_train, X_val, y_train, y_val = train_test_split(X, y, test_size=0.1, random_state=2020)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 4,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "There are 1 GPU(s) available.\n",
+      "Device name: NVIDIA GeForce RTX 3070 Ti\n"
+     ]
+    }
+   ],
+   "source": [
+    "import torch\n",
+    "\n",
+    "if torch.cuda.is_available():       \n",
+    "    device = torch.device(\"cuda\")\n",
+    "    print(f'There are {torch.cuda.device_count()} GPU(s) available.')\n",
+    "    print('Device name:', torch.cuda.get_device_name(0))\n",
+    "else:\n",
+    "    print('No GPU available, using the CPU instead.')\n",
+    "    device = torch.device(\"cpu\")"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 5,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "from transformers import BertTokenizer\n",
+    "\n",
+    "# Load Tokenizer\n",
+    "tokenizer = BertTokenizer.from_pretrained('bert-base-multilingual-cased')\n",
+    "\n",
+    "# Encode tweets and find max length\n",
+    "tweets = data.text.values\n",
+    "encoded_tweets = [tokenizer.encode(sent, add_special_tokens=True) for sent in tweets]\n",
+    "max_len = max([len(sent) for sent in encoded_tweets])\n",
+    "\n",
+    "\n",
+    "def preprocessing_for_bert(data):\n",
+    "    \"\"\"Perform required preprocessing steps for pretrained BERT.\n",
+    "    @param    data (np.array): Array of texts to be processed.\n",
+    "    @return   input_ids (torch.Tensor): Tensor of token ids to be fed to a model.\n",
+    "    @return   attention_masks (torch.Tensor): Tensor of indices specifying which\n",
+    "                  tokens should be attended to by the model.\n",
+    "    \"\"\"\n",
+    "    # Create empty lists to store outputs\n",
+    "    input_ids = []\n",
+    "    attention_masks = []\n",
+    "\n",
+    "    # For every sentence...\n",
+    "    for sent in data:\n",
+    "        # `encode_plus` will:\n",
+    "        #    (1) Tokenize the sentence\n",
+    "        #    (2) Add the `[CLS]` and `[SEP]` token to the start and end\n",
+    "        #    (3) Truncate/Pad sentence to max length\n",
+    "        #    (4) Map tokens to their IDs\n",
+    "        #    (5) Create attention mask\n",
+    "        #    (6) Return a dictionary of outputs\n",
+    "        encoded_sent = tokenizer.encode_plus(\n",
+    "            text=sent,\n",
+    "            add_special_tokens=True,        # Add `[CLS]` and `[SEP]`\n",
+    "            max_length=max_len,                  # Max length to truncate/pad\n",
+    "            pad_to_max_length=True,         # Pad sentence to max length\n",
+    "            #return_tensors='pt',           # Return PyTorch tensor\n",
+    "            return_attention_mask=True      # Return attention mask\n",
+    "            )\n",
+    "        \n",
+    "        # Add the outputs to the lists\n",
+    "        input_ids.append(encoded_sent.get('input_ids'))\n",
+    "        attention_masks.append(encoded_sent.get('attention_mask'))\n",
+    "\n",
+    "    # Convert lists to tensors\n",
+    "    input_ids = torch.tensor(input_ids)\n",
+    "    attention_masks = torch.tensor(attention_masks)\n",
+    "\n",
+    "    return input_ids, attention_masks"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 6,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "Truncation was not explicitly activated but `max_length` is provided a specific value, please use `truncation=True` to explicitly truncate examples to max length. Defaulting to 'longest_first' truncation strategy. If you encode pairs of sequences (GLUE-style) with the tokenizer you can select this strategy more precisely by providing a specific strategy to `truncation`.\n"
+     ]
+    },
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "Tokenizing data...\n"
+     ]
+    },
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "c:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\tokenization_utils_base.py:2304: FutureWarning: The `pad_to_max_length` argument is deprecated and will be removed in a future version, use `padding=True` or `padding='longest'` to pad to the longest sequence in the batch, or use `padding='max_length'` to pad to a max length. In this case, you can give a specific length with `max_length` (e.g. `max_length=45`) or leave max_length to None to pad to the maximal input size of the model (e.g. 512 for Bert).\n",
+      "  warnings.warn(\n"
+     ]
+    }
+   ],
+   "source": [
+    "print('Tokenizing data...')\n",
+    "train_inputs, train_masks = preprocessing_for_bert(X_train)\n",
+    "val_inputs, val_masks = preprocessing_for_bert(X_val)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 7,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "from torch.utils.data import TensorDataset, DataLoader, RandomSampler, SequentialSampler\n",
+    "\n",
+    "# Convert other data types to torch.Tensor\n",
+    "train_labels = torch.tensor(y_train)\n",
+    "val_labels = torch.tensor(y_val)\n",
+    "\n",
+    "# For fine-tuning BERT, the authors recommend a batch size of 16 or 32.\n",
+    "batch_size = hyp_batch_size\n",
+    "\n",
+    "# Create the DataLoader for our training set\n",
+    "train_data = TensorDataset(train_inputs, train_masks, train_labels)\n",
+    "train_sampler = RandomSampler(train_data)\n",
+    "train_dataloader = DataLoader(train_data, sampler=train_sampler, batch_size=batch_size)\n",
+    "\n",
+    "# Create the DataLoader for our validation set\n",
+    "val_data = TensorDataset(val_inputs, val_masks, val_labels)\n",
+    "val_sampler = SequentialSampler(val_data)\n",
+    "val_dataloader = DataLoader(val_data, sampler=val_sampler, batch_size=batch_size)"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 8,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "CPU times: total: 15.6 ms\n",
+      "Wall time: 31 ms\n"
+     ]
+    }
+   ],
+   "source": [
+    "%%time\n",
+    "import torch\n",
+    "import torch.nn as nn\n",
+    "from transformers import BertModel\n",
+    "\n",
+    "# Create the BertClassfier class\n",
+    "class BertClassifier(nn.Module):\n",
+    "    \"\"\"Bert Model for Classification Tasks.\"\"\"\n",
+    "    def __init__(self, freeze_bert=False):\n",
+    "        \"\"\"\n",
+    "        @param    bert: a BertModel object\n",
+    "        @param    classifier: a torch.nn.Module classifier\n",
+    "        @param    freeze_bert (bool): Set `False` to fine-tune the BERT model\n",
+    "        \"\"\"\n",
+    "        super(BertClassifier, self).__init__()\n",
+    "        # Specify hidden size of BERT, hidden size of our classifier, and number of labels\n",
+    "        D_in, H, D_out = 768, 50, 1\n",
+    "\n",
+    "        # Instantiate BERT model\n",
+    "        self.bert = BertModel.from_pretrained('bert-base-multilingual-cased')\n",
+    "\n",
+    "        # Instantiate an one-layer feed-forward classifier\n",
+    "        self.classifier = nn.Sequential(\n",
+    "            nn.Linear(D_in, H),\n",
+    "            nn.ReLU(),\n",
+    "            #nn.Dropout(0.5),\n",
+    "            nn.Linear(H, D_out)\n",
+    "        )\n",
+    "\n",
+    "        # Freeze the BERT model\n",
+    "        if freeze_bert:\n",
+    "            for param in self.bert.parameters():\n",
+    "                param.requires_grad = False\n",
+    "        \n",
+    "    def forward(self, input_ids, attention_mask):\n",
+    "        \"\"\"\n",
+    "        Feed input to BERT and the classifier to compute logits.\n",
+    "        @param    input_ids (torch.Tensor): an input tensor with shape (batch_size,\n",
+    "                      max_length)\n",
+    "        @param    attention_mask (torch.Tensor): a tensor that hold attention mask\n",
+    "                      information with shape (batch_size, max_length)\n",
+    "        @return   logits (torch.Tensor): an output tensor with shape (batch_size,\n",
+    "                      num_labels)\n",
+    "        \"\"\"\n",
+    "        # Feed input to BERT\n",
+    "        outputs = self.bert(input_ids=input_ids,\n",
+    "                            attention_mask=attention_mask)\n",
+    "        \n",
+    "        # Extract the last hidden state of the token `[CLS]` for classification task\n",
+    "        last_hidden_state_cls = outputs[0][:, 0, :]\n",
+    "\n",
+    "        # Feed input to classifier to compute logits\n",
+    "        logits = self.classifier(last_hidden_state_cls)\n",
+    "\n",
+    "        return logits"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 9,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "from transformers import AdamW, get_linear_schedule_with_warmup\n",
+    "\n",
+    "def initialize_model(epochs=hyp_epochs):\n",
+    "    \"\"\"Initialize the Bert Classifier, the optimizer and the learning rate scheduler.\n",
+    "    \"\"\"\n",
+    "    # Instantiate Bert Classifier\n",
+    "    bert_classifier = BertClassifier(freeze_bert=False)\n",
+    "\n",
+    "    # Tell PyTorch to run the model on GPU\n",
+    "    bert_classifier.to(device)\n",
+    "\n",
+    "    # Create the optimizer\n",
+    "    optimizer = AdamW(bert_classifier.parameters(),\n",
+    "                      lr=hyp_learning_rate,    # Default learning rate\n",
+    "                      eps=1e-8    # Default epsilon value\n",
+    "                      )\n",
+    "\n",
+    "    # Total number of training steps\n",
+    "    total_steps = len(train_dataloader) * epochs\n",
+    "\n",
+    "    # Set up the learning rate scheduler\n",
+    "    scheduler = get_linear_schedule_with_warmup(optimizer,\n",
+    "                                                num_warmup_steps=0, # Default value\n",
+    "                                                num_training_steps=total_steps)\n",
+    "    return bert_classifier, optimizer, scheduler"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 10,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "import random\n",
+    "import time\n",
+    "\n",
+    "# Specify loss function\n",
+    "loss_fn = nn.CrossEntropyLoss()\n",
+    "\n",
+    "def set_seed(seed_value=42):\n",
+    "    \"\"\"Set seed for reproducibility.\n",
+    "    \"\"\"\n",
+    "    random.seed(seed_value)\n",
+    "    np.random.seed(seed_value)\n",
+    "    torch.manual_seed(seed_value)\n",
+    "    torch.cuda.manual_seed_all(seed_value)\n",
+    "\n",
+    "def train(model, train_dataloader, optimizer, scheduler, val_dataloader=None, epochs=4, evaluation=False):\n",
+    "    \"\"\"Train the BertClassifier model.\n",
+    "    \"\"\"\n",
+    "    # Start training loop\n",
+    "    print(\"Start training...\\n\")\n",
+    "    for epoch_i in range(epochs):\n",
+    "        # =======================================\n",
+    "        #               Training\n",
+    "        # =======================================\n",
+    "        # Print the header of the result table\n",
+    "        print(f\"{'Epoch':^7} | {'Batch':^7} | {'Train Loss':^12} | {'Val Loss':^10} | {'Val Acc':^9} | {'Elapsed':^9}\")\n",
+    "        print(\"-\"*70)\n",
+    "\n",
+    "        # Measure the elapsed time of each epoch\n",
+    "        t0_epoch, t0_batch = time.time(), time.time()\n",
+    "\n",
+    "        # Reset tracking variables at the beginning of each epoch\n",
+    "        total_loss, batch_loss, batch_counts = 0, 0, 0\n",
+    "\n",
+    "        # Put the model into the training mode\n",
+    "        model.train()\n",
+    "\n",
+    "        # For each batch of training data...\n",
+    "        for step, batch in enumerate(train_dataloader):\n",
+    "            batch_counts +=1\n",
+    "            # Load batch to GPU\n",
+    "            b_input_ids, b_attn_mask, b_labels = tuple(t.to(device) for t in batch)\n",
+    "\n",
+    "            # Zero out any previously calculated gradients\n",
+    "            model.zero_grad()\n",
+    "\n",
+    "            # Perform a forward pass. This will return logits.\n",
+    "            logits = model(b_input_ids, b_attn_mask)\n",
+    "\n",
+    "            # Compute loss and accumulate the loss values\n",
+    "            loss = loss_fn(logits, b_labels)\n",
+    "            batch_loss += loss.item()\n",
+    "            total_loss += loss.item()\n",
+    "\n",
+    "            # Perform a backward pass to calculate gradients\n",
+    "            loss.backward()\n",
+    "\n",
+    "            # Clip the norm of the gradients to 1.0 to prevent \"exploding gradients\"\n",
+    "            torch.nn.utils.clip_grad_norm_(model.parameters(), 1.0)\n",
+    "\n",
+    "            # Update parameters and the learning rate\n",
+    "            optimizer.step()\n",
+    "            scheduler.step()\n",
+    "\n",
+    "            # Print the loss values and time elapsed for every 20 batches\n",
+    "            if (step % 20 == 0 and step != 0) or (step == len(train_dataloader) - 1):\n",
+    "                # Calculate time elapsed for 20 batches\n",
+    "                time_elapsed = time.time() - t0_batch\n",
+    "\n",
+    "                # Print training results\n",
+    "                print(f\"{epoch_i + 1:^7} | {step:^7} | {batch_loss / batch_counts:^12.6f} | {'-':^10} | {'-':^9} | {time_elapsed:^9.2f}\")\n",
+    "\n",
+    "                # Reset batch tracking variables\n",
+    "                batch_loss, batch_counts = 0, 0\n",
+    "                t0_batch = time.time()\n",
+    "\n",
+    "        # Calculate the average loss over the entire training data\n",
+    "        avg_train_loss = total_loss / len(train_dataloader)\n",
+    "\n",
+    "        print(\"-\"*70)\n",
+    "        # =======================================\n",
+    "        #               Evaluation\n",
+    "        # =======================================\n",
+    "        if evaluation == True:\n",
+    "            # After the completion of each training epoch, measure the model's performance\n",
+    "            # on our validation set.\n",
+    "            val_loss, val_accuracy = evaluate(model, val_dataloader)\n",
+    "\n",
+    "            # Print performance over the entire training data\n",
+    "            time_elapsed = time.time() - t0_epoch\n",
+    "            \n",
+    "            print(f\"{epoch_i + 1:^7} | {'-':^7} | {avg_train_loss:^12.6f} | {val_loss:^10.6f} | {val_accuracy:^9.2f} | {time_elapsed:^9.2f}\")\n",
+    "            print(\"-\"*70)\n",
+    "        print(\"\\n\")\n",
+    "    \n",
+    "    print(\"Training complete!\")\n",
+    "\n",
+    "\n",
+    "def evaluate(model, val_dataloader):\n",
+    "    \"\"\"After the completion of each training epoch, measure the model's performance\n",
+    "    on our validation set.\n",
+    "    \"\"\"\n",
+    "    # Put the model into the evaluation mode. The dropout layers are disabled during\n",
+    "    # the test time.\n",
+    "    model.eval()\n",
+    "\n",
+    "    # Tracking variables\n",
+    "    val_accuracy = []\n",
+    "    val_loss = []\n",
+    "\n",
+    "    # For each batch in our validation set...\n",
+    "    for batch in val_dataloader:\n",
+    "        # Load batch to GPU\n",
+    "        b_input_ids, b_attn_mask, b_labels = tuple(t.to(device) for t in batch)\n",
+    "\n",
+    "        # Compute logits\n",
+    "        with torch.no_grad():\n",
+    "            logits = model(b_input_ids, b_attn_mask)\n",
+    "\n",
+    "        # Compute loss\n",
+    "        loss = loss_fn(logits, b_labels)\n",
+    "        val_loss.append(loss.item())\n",
+    "\n",
+    "        # Get the predictions\n",
+    "        preds = torch.argmax(logits, dim=1).flatten()\n",
+    "\n",
+    "        # Calculate the accuracy rate\n",
+    "        accuracy = (preds == b_labels).cpu().numpy().mean() * 100\n",
+    "        val_accuracy.append(accuracy)\n",
+    "\n",
+    "    # Compute the average accuracy and loss over the validation set.\n",
+    "    val_loss = np.mean(val_loss)\n",
+    "    val_accuracy = np.mean(val_accuracy)\n",
+    "\n",
+    "    return val_loss, val_accuracy"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": 11,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "Some weights of the model checkpoint at bert-base-multilingual-cased were not used when initializing BertModel: ['cls.seq_relationship.weight', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.weight', 'cls.predictions.decoder.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.bias', 'cls.predictions.transform.LayerNorm.bias', 'cls.seq_relationship.bias']\n",
+      "- This IS expected if you are initializing BertModel 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 BertModel from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n",
+      "c:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\optimization.py:306: FutureWarning: This implementation of AdamW is deprecated and will be removed in a future version. Use the PyTorch implementation torch.optim.AdamW instead, or set `no_deprecation_warning=True` to disable this warning\n",
+      "  warnings.warn(\n"
+     ]
+    },
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "Start training...\n",
+      "\n",
+      " Epoch  |  Batch  |  Train Loss  |  Val Loss  |  Val Acc  |  Elapsed \n",
+      "----------------------------------------------------------------------\n"
+     ]
+    },
+    {
+     "ename": "OutOfMemoryError",
+     "evalue": "CUDA out of memory. Tried to allocate 214.00 MiB (GPU 0; 8.00 GiB total capacity; 7.20 GiB already allocated; 0 bytes free; 7.29 GiB reserved in total by PyTorch) If reserved memory is >> allocated memory try setting max_split_size_mb to avoid fragmentation.  See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF",
+     "output_type": "error",
+     "traceback": [
+      "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m",
+      "\u001b[1;31mOutOfMemoryError\u001b[0m                          Traceback (most recent call last)",
+      "Cell \u001b[1;32mIn [11], line 3\u001b[0m\n\u001b[0;32m      1\u001b[0m set_seed(\u001b[39m42\u001b[39m)    \u001b[39m# Set seed for reproducibility\u001b[39;00m\n\u001b[0;32m      2\u001b[0m bert_classifier, optimizer, scheduler \u001b[39m=\u001b[39m initialize_model(epochs\u001b[39m=\u001b[39mhyp_epochs)\n\u001b[1;32m----> 3\u001b[0m train(bert_classifier, train_dataloader, val_dataloader, optimizer, scheduler, epochs\u001b[39m=\u001b[39;49mhyp_epochs, evaluation\u001b[39m=\u001b[39;49m\u001b[39mTrue\u001b[39;49;00m)\n",
+      "Cell \u001b[1;32mIn [10], line 47\u001b[0m, in \u001b[0;36mtrain\u001b[1;34m(model, train_dataloader, optimizer, scheduler, val_dataloader, epochs, evaluation)\u001b[0m\n\u001b[0;32m     44\u001b[0m model\u001b[39m.\u001b[39mzero_grad()\n\u001b[0;32m     46\u001b[0m \u001b[39m# Perform a forward pass. This will return logits.\u001b[39;00m\n\u001b[1;32m---> 47\u001b[0m logits \u001b[39m=\u001b[39m model(b_input_ids, b_attn_mask)\n\u001b[0;32m     49\u001b[0m \u001b[39m# Compute loss and accumulate the loss values\u001b[39;00m\n\u001b[0;32m     50\u001b[0m loss \u001b[39m=\u001b[39m loss_fn(logits, b_labels)\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\torch\\nn\\modules\\module.py:1190\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[1;34m(self, *input, **kwargs)\u001b[0m\n\u001b[0;32m   1186\u001b[0m \u001b[39m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[0;32m   1187\u001b[0m \u001b[39m# this function, and just call forward.\u001b[39;00m\n\u001b[0;32m   1188\u001b[0m \u001b[39mif\u001b[39;00m \u001b[39mnot\u001b[39;00m (\u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_backward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_pre_hooks \u001b[39mor\u001b[39;00m _global_backward_hooks\n\u001b[0;32m   1189\u001b[0m         \u001b[39mor\u001b[39;00m _global_forward_hooks \u001b[39mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[1;32m-> 1190\u001b[0m     \u001b[39mreturn\u001b[39;00m forward_call(\u001b[39m*\u001b[39m\u001b[39minput\u001b[39m, \u001b[39m*\u001b[39m\u001b[39m*\u001b[39mkwargs)\n\u001b[0;32m   1191\u001b[0m \u001b[39m# Do not call functions when jit is used\u001b[39;00m\n\u001b[0;32m   1192\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[39m=\u001b[39m [], []\n",
+      "File \u001b[1;32m<timed exec>:45\u001b[0m, in \u001b[0;36mforward\u001b[1;34m(self, input_ids, attention_mask)\u001b[0m\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\torch\\nn\\modules\\module.py:1190\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[1;34m(self, *input, **kwargs)\u001b[0m\n\u001b[0;32m   1186\u001b[0m \u001b[39m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[0;32m   1187\u001b[0m \u001b[39m# this function, and just call forward.\u001b[39;00m\n\u001b[0;32m   1188\u001b[0m \u001b[39mif\u001b[39;00m \u001b[39mnot\u001b[39;00m (\u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_backward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_pre_hooks \u001b[39mor\u001b[39;00m _global_backward_hooks\n\u001b[0;32m   1189\u001b[0m         \u001b[39mor\u001b[39;00m _global_forward_hooks \u001b[39mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[1;32m-> 1190\u001b[0m     \u001b[39mreturn\u001b[39;00m forward_call(\u001b[39m*\u001b[39m\u001b[39minput\u001b[39m, \u001b[39m*\u001b[39m\u001b[39m*\u001b[39mkwargs)\n\u001b[0;32m   1191\u001b[0m \u001b[39m# Do not call functions when jit is used\u001b[39;00m\n\u001b[0;32m   1192\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[39m=\u001b[39m [], []\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\models\\bert\\modeling_bert.py:1014\u001b[0m, in \u001b[0;36mBertModel.forward\u001b[1;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[0;32m   1005\u001b[0m head_mask \u001b[39m=\u001b[39m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mget_head_mask(head_mask, \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mconfig\u001b[39m.\u001b[39mnum_hidden_layers)\n\u001b[0;32m   1007\u001b[0m embedding_output \u001b[39m=\u001b[39m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39membeddings(\n\u001b[0;32m   1008\u001b[0m     input_ids\u001b[39m=\u001b[39minput_ids,\n\u001b[0;32m   1009\u001b[0m     position_ids\u001b[39m=\u001b[39mposition_ids,\n\u001b[1;32m   (...)\u001b[0m\n\u001b[0;32m   1012\u001b[0m     past_key_values_length\u001b[39m=\u001b[39mpast_key_values_length,\n\u001b[0;32m   1013\u001b[0m )\n\u001b[1;32m-> 1014\u001b[0m encoder_outputs \u001b[39m=\u001b[39m \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49mencoder(\n\u001b[0;32m   1015\u001b[0m     embedding_output,\n\u001b[0;32m   1016\u001b[0m     attention_mask\u001b[39m=\u001b[39;49mextended_attention_mask,\n\u001b[0;32m   1017\u001b[0m     head_mask\u001b[39m=\u001b[39;49mhead_mask,\n\u001b[0;32m   1018\u001b[0m     encoder_hidden_states\u001b[39m=\u001b[39;49mencoder_hidden_states,\n\u001b[0;32m   1019\u001b[0m     encoder_attention_mask\u001b[39m=\u001b[39;49mencoder_extended_attention_mask,\n\u001b[0;32m   1020\u001b[0m     past_key_values\u001b[39m=\u001b[39;49mpast_key_values,\n\u001b[0;32m   1021\u001b[0m     use_cache\u001b[39m=\u001b[39;49muse_cache,\n\u001b[0;32m   1022\u001b[0m     output_attentions\u001b[39m=\u001b[39;49moutput_attentions,\n\u001b[0;32m   1023\u001b[0m     output_hidden_states\u001b[39m=\u001b[39;49moutput_hidden_states,\n\u001b[0;32m   1024\u001b[0m     return_dict\u001b[39m=\u001b[39;49mreturn_dict,\n\u001b[0;32m   1025\u001b[0m )\n\u001b[0;32m   1026\u001b[0m sequence_output \u001b[39m=\u001b[39m encoder_outputs[\u001b[39m0\u001b[39m]\n\u001b[0;32m   1027\u001b[0m pooled_output \u001b[39m=\u001b[39m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mpooler(sequence_output) \u001b[39mif\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mpooler \u001b[39mis\u001b[39;00m \u001b[39mnot\u001b[39;00m \u001b[39mNone\u001b[39;00m \u001b[39melse\u001b[39;00m \u001b[39mNone\u001b[39;00m\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\torch\\nn\\modules\\module.py:1190\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[1;34m(self, *input, **kwargs)\u001b[0m\n\u001b[0;32m   1186\u001b[0m \u001b[39m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[0;32m   1187\u001b[0m \u001b[39m# this function, and just call forward.\u001b[39;00m\n\u001b[0;32m   1188\u001b[0m \u001b[39mif\u001b[39;00m \u001b[39mnot\u001b[39;00m (\u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_backward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_pre_hooks \u001b[39mor\u001b[39;00m _global_backward_hooks\n\u001b[0;32m   1189\u001b[0m         \u001b[39mor\u001b[39;00m _global_forward_hooks \u001b[39mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[1;32m-> 1190\u001b[0m     \u001b[39mreturn\u001b[39;00m forward_call(\u001b[39m*\u001b[39m\u001b[39minput\u001b[39m, \u001b[39m*\u001b[39m\u001b[39m*\u001b[39mkwargs)\n\u001b[0;32m   1191\u001b[0m \u001b[39m# Do not call functions when jit is used\u001b[39;00m\n\u001b[0;32m   1192\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[39m=\u001b[39m [], []\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\models\\bert\\modeling_bert.py:603\u001b[0m, in \u001b[0;36mBertEncoder.forward\u001b[1;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[0;32m    594\u001b[0m     layer_outputs \u001b[39m=\u001b[39m torch\u001b[39m.\u001b[39mutils\u001b[39m.\u001b[39mcheckpoint\u001b[39m.\u001b[39mcheckpoint(\n\u001b[0;32m    595\u001b[0m         create_custom_forward(layer_module),\n\u001b[0;32m    596\u001b[0m         hidden_states,\n\u001b[1;32m   (...)\u001b[0m\n\u001b[0;32m    600\u001b[0m         encoder_attention_mask,\n\u001b[0;32m    601\u001b[0m     )\n\u001b[0;32m    602\u001b[0m \u001b[39melse\u001b[39;00m:\n\u001b[1;32m--> 603\u001b[0m     layer_outputs \u001b[39m=\u001b[39m layer_module(\n\u001b[0;32m    604\u001b[0m         hidden_states,\n\u001b[0;32m    605\u001b[0m         attention_mask,\n\u001b[0;32m    606\u001b[0m         layer_head_mask,\n\u001b[0;32m    607\u001b[0m         encoder_hidden_states,\n\u001b[0;32m    608\u001b[0m         encoder_attention_mask,\n\u001b[0;32m    609\u001b[0m         past_key_value,\n\u001b[0;32m    610\u001b[0m         output_attentions,\n\u001b[0;32m    611\u001b[0m     )\n\u001b[0;32m    613\u001b[0m hidden_states \u001b[39m=\u001b[39m layer_outputs[\u001b[39m0\u001b[39m]\n\u001b[0;32m    614\u001b[0m \u001b[39mif\u001b[39;00m use_cache:\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\torch\\nn\\modules\\module.py:1190\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[1;34m(self, *input, **kwargs)\u001b[0m\n\u001b[0;32m   1186\u001b[0m \u001b[39m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[0;32m   1187\u001b[0m \u001b[39m# this function, and just call forward.\u001b[39;00m\n\u001b[0;32m   1188\u001b[0m \u001b[39mif\u001b[39;00m \u001b[39mnot\u001b[39;00m (\u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_backward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_pre_hooks \u001b[39mor\u001b[39;00m _global_backward_hooks\n\u001b[0;32m   1189\u001b[0m         \u001b[39mor\u001b[39;00m _global_forward_hooks \u001b[39mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[1;32m-> 1190\u001b[0m     \u001b[39mreturn\u001b[39;00m forward_call(\u001b[39m*\u001b[39m\u001b[39minput\u001b[39m, \u001b[39m*\u001b[39m\u001b[39m*\u001b[39mkwargs)\n\u001b[0;32m   1191\u001b[0m \u001b[39m# Do not call functions when jit is used\u001b[39;00m\n\u001b[0;32m   1192\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[39m=\u001b[39m [], []\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\models\\bert\\modeling_bert.py:531\u001b[0m, in \u001b[0;36mBertLayer.forward\u001b[1;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_value, output_attentions)\u001b[0m\n\u001b[0;32m    528\u001b[0m     cross_attn_present_key_value \u001b[39m=\u001b[39m cross_attention_outputs[\u001b[39m-\u001b[39m\u001b[39m1\u001b[39m]\n\u001b[0;32m    529\u001b[0m     present_key_value \u001b[39m=\u001b[39m present_key_value \u001b[39m+\u001b[39m cross_attn_present_key_value\n\u001b[1;32m--> 531\u001b[0m layer_output \u001b[39m=\u001b[39m apply_chunking_to_forward(\n\u001b[0;32m    532\u001b[0m     \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49mfeed_forward_chunk, \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49mchunk_size_feed_forward, \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49mseq_len_dim, attention_output\n\u001b[0;32m    533\u001b[0m )\n\u001b[0;32m    534\u001b[0m outputs \u001b[39m=\u001b[39m (layer_output,) \u001b[39m+\u001b[39m outputs\n\u001b[0;32m    536\u001b[0m \u001b[39m# if decoder, return the attn key/values as the last output\u001b[39;00m\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\pytorch_utils.py:246\u001b[0m, in \u001b[0;36mapply_chunking_to_forward\u001b[1;34m(forward_fn, chunk_size, chunk_dim, *input_tensors)\u001b[0m\n\u001b[0;32m    243\u001b[0m     \u001b[39m# concatenate output at same dimension\u001b[39;00m\n\u001b[0;32m    244\u001b[0m     \u001b[39mreturn\u001b[39;00m torch\u001b[39m.\u001b[39mcat(output_chunks, dim\u001b[39m=\u001b[39mchunk_dim)\n\u001b[1;32m--> 246\u001b[0m \u001b[39mreturn\u001b[39;00m forward_fn(\u001b[39m*\u001b[39;49minput_tensors)\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\models\\bert\\modeling_bert.py:543\u001b[0m, in \u001b[0;36mBertLayer.feed_forward_chunk\u001b[1;34m(self, attention_output)\u001b[0m\n\u001b[0;32m    542\u001b[0m \u001b[39mdef\u001b[39;00m \u001b[39mfeed_forward_chunk\u001b[39m(\u001b[39mself\u001b[39m, attention_output):\n\u001b[1;32m--> 543\u001b[0m     intermediate_output \u001b[39m=\u001b[39m \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49mintermediate(attention_output)\n\u001b[0;32m    544\u001b[0m     layer_output \u001b[39m=\u001b[39m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39moutput(intermediate_output, attention_output)\n\u001b[0;32m    545\u001b[0m     \u001b[39mreturn\u001b[39;00m layer_output\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\torch\\nn\\modules\\module.py:1190\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[1;34m(self, *input, **kwargs)\u001b[0m\n\u001b[0;32m   1186\u001b[0m \u001b[39m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[0;32m   1187\u001b[0m \u001b[39m# this function, and just call forward.\u001b[39;00m\n\u001b[0;32m   1188\u001b[0m \u001b[39mif\u001b[39;00m \u001b[39mnot\u001b[39;00m (\u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_backward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_pre_hooks \u001b[39mor\u001b[39;00m _global_backward_hooks\n\u001b[0;32m   1189\u001b[0m         \u001b[39mor\u001b[39;00m _global_forward_hooks \u001b[39mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[1;32m-> 1190\u001b[0m     \u001b[39mreturn\u001b[39;00m forward_call(\u001b[39m*\u001b[39m\u001b[39minput\u001b[39m, \u001b[39m*\u001b[39m\u001b[39m*\u001b[39mkwargs)\n\u001b[0;32m   1191\u001b[0m \u001b[39m# Do not call functions when jit is used\u001b[39;00m\n\u001b[0;32m   1192\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[39m=\u001b[39m [], []\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\models\\bert\\modeling_bert.py:444\u001b[0m, in \u001b[0;36mBertIntermediate.forward\u001b[1;34m(self, hidden_states)\u001b[0m\n\u001b[0;32m    442\u001b[0m \u001b[39mdef\u001b[39;00m \u001b[39mforward\u001b[39m(\u001b[39mself\u001b[39m, hidden_states: torch\u001b[39m.\u001b[39mTensor) \u001b[39m-\u001b[39m\u001b[39m>\u001b[39m torch\u001b[39m.\u001b[39mTensor:\n\u001b[0;32m    443\u001b[0m     hidden_states \u001b[39m=\u001b[39m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mdense(hidden_states)\n\u001b[1;32m--> 444\u001b[0m     hidden_states \u001b[39m=\u001b[39m \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49mintermediate_act_fn(hidden_states)\n\u001b[0;32m    445\u001b[0m     \u001b[39mreturn\u001b[39;00m hidden_states\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\torch\\nn\\modules\\module.py:1190\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[1;34m(self, *input, **kwargs)\u001b[0m\n\u001b[0;32m   1186\u001b[0m \u001b[39m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[0;32m   1187\u001b[0m \u001b[39m# this function, and just call forward.\u001b[39;00m\n\u001b[0;32m   1188\u001b[0m \u001b[39mif\u001b[39;00m \u001b[39mnot\u001b[39;00m (\u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_backward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_hooks \u001b[39mor\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_forward_pre_hooks \u001b[39mor\u001b[39;00m _global_backward_hooks\n\u001b[0;32m   1189\u001b[0m         \u001b[39mor\u001b[39;00m _global_forward_hooks \u001b[39mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[1;32m-> 1190\u001b[0m     \u001b[39mreturn\u001b[39;00m forward_call(\u001b[39m*\u001b[39m\u001b[39minput\u001b[39m, \u001b[39m*\u001b[39m\u001b[39m*\u001b[39mkwargs)\n\u001b[0;32m   1191\u001b[0m \u001b[39m# Do not call functions when jit is used\u001b[39;00m\n\u001b[0;32m   1192\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[39m=\u001b[39m [], []\n",
+      "File \u001b[1;32mc:\\Users\\lukas\\anaconda3\\envs\\DataScience39\\lib\\site-packages\\transformers\\activations.py:57\u001b[0m, in \u001b[0;36mGELUActivation.forward\u001b[1;34m(self, input)\u001b[0m\n\u001b[0;32m     56\u001b[0m \u001b[39mdef\u001b[39;00m \u001b[39mforward\u001b[39m(\u001b[39mself\u001b[39m, \u001b[39minput\u001b[39m: Tensor) \u001b[39m-\u001b[39m\u001b[39m>\u001b[39m Tensor:\n\u001b[1;32m---> 57\u001b[0m     \u001b[39mreturn\u001b[39;00m \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49mact(\u001b[39minput\u001b[39;49m)\n",
+      "\u001b[1;31mOutOfMemoryError\u001b[0m: CUDA out of memory. Tried to allocate 214.00 MiB (GPU 0; 8.00 GiB total capacity; 7.20 GiB already allocated; 0 bytes free; 7.29 GiB reserved in total by PyTorch) If reserved memory is >> allocated memory try setting max_split_size_mb to avoid fragmentation.  See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF"
+     ]
+    }
+   ],
+   "source": [
+    "set_seed(42)    # Set seed for reproducibility\n",
+    "bert_classifier, optimizer, scheduler = initialize_model(epochs=hyp_epochs)\n",
+    "train(bert_classifier, train_dataloader, val_dataloader, optimizer, scheduler, epochs=hyp_epochs, evaluation=True)"
+   ]
+  }
+ ],
+ "metadata": {
+  "kernelspec": {
+   "display_name": "Python 3.9.15 ('DataScience39')",
+   "language": "python",
+   "name": "python3"
+  },
+  "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.9.15"
+  },
+  "orig_nbformat": 4,
+  "vscode": {
+   "interpreter": {
+    "hash": "cf052abd46a0e82671c06ed25cd624687577489b98e6fe4de830522367ac75ff"
+   }
+  }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 2
+}
-- 
GitLab