├── .gitignore ├── .streamlit └── config.toml ├── Dockerfile ├── LICENSE ├── README.md ├── app ├── api.py ├── ui.py └── util.py ├── banner.png ├── ml └── create_model.py ├── requirements.txt ├── sample_data ├── README.md ├── clickbait_data.csv ├── e2e_stock_news.csv ├── stocknews_data.csv └── twitter_data.csv ├── start_container └── start_container_windows.bat /.gitignore: -------------------------------------------------------------------------------- 1 | .vscode/ 2 | .DS_Store 3 | 4 | # Byte-compiled / optimized / DLL files 5 | __pycache__/ 6 | *.py[cod] 7 | *$py.class 8 | 9 | # C extensions 10 | *.so 11 | 12 | # Distribution / packaging 13 | .Python 14 | build/ 15 | develop-eggs/ 16 | dist/ 17 | downloads/ 18 | eggs/ 19 | .eggs/ 20 | lib/ 21 | lib64/ 22 | parts/ 23 | sdist/ 24 | var/ 25 | wheels/ 26 | pip-wheel-metadata/ 27 | share/python-wheels/ 28 | *.egg-info/ 29 | .installed.cfg 30 | *.egg 31 | MANIFEST 32 | 33 | # PyInstaller 34 | # Usually these files are written by a python script from a template 35 | # before PyInstaller builds the exe, so as to inject date/other infos into it. 36 | *.manifest 37 | *.spec 38 | 39 | # Installer logs 40 | pip-log.txt 41 | pip-delete-this-directory.txt 42 | 43 | # Unit test / coverage reports 44 | htmlcov/ 45 | .tox/ 46 | .nox/ 47 | .coverage 48 | .coverage.* 49 | .cache 50 | nosetests.xml 51 | coverage.xml 52 | *.cover 53 | *.py,cover 54 | .hypothesis/ 55 | .pytest_cache/ 56 | 57 | # Translations 58 | *.mo 59 | *.pot 60 | 61 | # Django stuff: 62 | *.log 63 | local_settings.py 64 | db.sqlite3 65 | db.sqlite3-journal 66 | 67 | # Flask stuff: 68 | instance/ 69 | .webassets-cache 70 | 71 | # Scrapy stuff: 72 | .scrapy 73 | 74 | # Sphinx documentation 75 | docs/_build/ 76 | 77 | # PyBuilder 78 | target/ 79 | 80 | # Jupyter Notebook 81 | .ipynb_checkpoints 82 | 83 | # IPython 84 | profile_default/ 85 | ipython_config.py 86 | 87 | # pyenv 88 | .python-version 89 | 90 | # pipenv 91 | # According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. 92 | # However, in case of collaboration, if having platform-specific dependencies or dependencies 93 | # having no cross-platform support, pipenv may install dependencies that don't work, or not 94 | # install all needed dependencies. 95 | #Pipfile.lock 96 | 97 | # PEP 582; used by e.g. github.com/David-OConnor/pyflow 98 | __pypackages__/ 99 | 100 | # Celery stuff 101 | celerybeat-schedule 102 | celerybeat.pid 103 | 104 | # SageMath parsed files 105 | *.sage.py 106 | 107 | # Environments 108 | .env 109 | .venv 110 | env/ 111 | venv/ 112 | ENV/ 113 | env.bak/ 114 | venv.bak/ 115 | 116 | # Spyder project settings 117 | .spyderproject 118 | .spyproject 119 | 120 | # Rope project settings 121 | .ropeproject 122 | 123 | # mkdocs documentation 124 | /site 125 | 126 | # mypy 127 | .mypy_cache/ 128 | .dmypy.json 129 | dmypy.json 130 | 131 | # Pyre type checker 132 | .pyre/ 133 | 134 | # Model and encoders 135 | *.pkl 136 | *.ini 137 | *.pt -------------------------------------------------------------------------------- /.streamlit/config.toml: -------------------------------------------------------------------------------- 1 | [theme] 2 | font="monospace" 3 | -------------------------------------------------------------------------------- /Dockerfile: -------------------------------------------------------------------------------- 1 | FROM python:3.8.10 2 | 3 | WORKDIR /automl 4 | COPY . /automl 5 | 6 | RUN pip install -r requirements.txt 7 | 8 | # Run api and models 9 | CMD ["uvicorn", "api:api","--host", "0.0.0.0", "--port", "7531", "--app-dir", "app"] 10 | -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | Apache License 2 | Version 2.0, January 2004 3 | http://www.apache.org/licenses/ 4 | 5 | TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION 6 | 7 | 1. Definitions. 8 | 9 | "License" shall mean the terms and conditions for use, reproduction, 10 | and distribution as defined by Sections 1 through 9 of this document. 11 | 12 | "Licensor" shall mean the copyright owner or entity authorized by 13 | the copyright owner that is granting the License. 14 | 15 | "Legal Entity" shall mean the union of the acting entity and all 16 | other entities that control, are controlled by, or are under common 17 | control with that entity. For the purposes of this definition, 18 | "control" means (i) the power, direct or indirect, to cause the 19 | direction or management of such entity, whether by contract or 20 | otherwise, or (ii) ownership of fifty percent (50%) or more of the 21 | outstanding shares, or (iii) beneficial ownership of such entity. 22 | 23 | "You" (or "Your") shall mean an individual or Legal Entity 24 | exercising permissions granted by this License. 25 | 26 | "Source" form shall mean the preferred form for making modifications, 27 | including but not limited to software source code, documentation 28 | source, and configuration files. 29 | 30 | "Object" form shall mean any form resulting from mechanical 31 | transformation or translation of a Source form, including but 32 | not limited to compiled object code, generated documentation, 33 | and conversions to other media types. 34 | 35 | "Work" shall mean the work of authorship, whether in Source or 36 | Object form, made available under the License, as indicated by a 37 | copyright notice that is included in or attached to the work 38 | (an example is provided in the Appendix below). 39 | 40 | "Derivative Works" shall mean any work, whether in Source or Object 41 | form, that is based on (or derived from) the Work and for which the 42 | editorial revisions, annotations, elaborations, or other modifications 43 | represent, as a whole, an original work of authorship. For the purposes 44 | of this License, Derivative Works shall not include works that remain 45 | separable from, or merely link (or bind by name) to the interfaces of, 46 | the Work and Derivative Works thereof. 47 | 48 | "Contribution" shall mean any work of authorship, including 49 | the original version of the Work and any modifications or additions 50 | to that Work or Derivative Works thereof, that is intentionally 51 | submitted to Licensor for inclusion in the Work by the copyright owner 52 | or by an individual or Legal Entity authorized to submit on behalf of 53 | the copyright owner. For the purposes of this definition, "submitted" 54 | means any form of electronic, verbal, or written communication sent 55 | to the Licensor or its representatives, including but not limited to 56 | communication on electronic mailing lists, source code control systems, 57 | and issue tracking systems that are managed by, or on behalf of, the 58 | Licensor for the purpose of discussing and improving the Work, but 59 | excluding communication that is conspicuously marked or otherwise 60 | designated in writing by the copyright owner as "Not a Contribution." 61 | 62 | "Contributor" shall mean Licensor and any individual or Legal Entity 63 | on behalf of whom a Contribution has been received by Licensor and 64 | subsequently incorporated within the Work. 65 | 66 | 2. Grant of Copyright License. Subject to the terms and conditions of 67 | this License, each Contributor hereby grants to You a perpetual, 68 | worldwide, non-exclusive, no-charge, royalty-free, irrevocable 69 | copyright license to reproduce, prepare Derivative Works of, 70 | publicly display, publicly perform, sublicense, and distribute the 71 | Work and such Derivative Works in Source or Object form. 72 | 73 | 3. Grant of Patent License. Subject to the terms and conditions of 74 | this License, each Contributor hereby grants to You a perpetual, 75 | worldwide, non-exclusive, no-charge, royalty-free, irrevocable 76 | (except as stated in this section) patent license to make, have made, 77 | use, offer to sell, sell, import, and otherwise transfer the Work, 78 | where such license applies only to those patent claims licensable 79 | by such Contributor that are necessarily infringed by their 80 | Contribution(s) alone or by combination of their Contribution(s) 81 | with the Work to which such Contribution(s) was submitted. If You 82 | institute patent litigation against any entity (including a 83 | cross-claim or counterclaim in a lawsuit) alleging that the Work 84 | or a Contribution incorporated within the Work constitutes direct 85 | or contributory patent infringement, then any patent licenses 86 | granted to You under this License for that Work shall terminate 87 | as of the date such litigation is filed. 88 | 89 | 4. Redistribution. You may reproduce and distribute copies of the 90 | Work or Derivative Works thereof in any medium, with or without 91 | modifications, and in Source or Object form, provided that You 92 | meet the following conditions: 93 | 94 | (a) You must give any other recipients of the Work or 95 | Derivative Works a copy of this License; and 96 | 97 | (b) You must cause any modified files to carry prominent notices 98 | stating that You changed the files; and 99 | 100 | (c) You must retain, in the Source form of any Derivative Works 101 | that You distribute, all copyright, patent, trademark, and 102 | attribution notices from the Source form of the Work, 103 | excluding those notices that do not pertain to any part of 104 | the Derivative Works; and 105 | 106 | (d) If the Work includes a "NOTICE" text file as part of its 107 | distribution, then any Derivative Works that You distribute must 108 | include a readable copy of the attribution notices contained 109 | within such NOTICE file, excluding those notices that do not 110 | pertain to any part of the Derivative Works, in at least one 111 | of the following places: within a NOTICE text file distributed 112 | as part of the Derivative Works; within the Source form or 113 | documentation, if provided along with the Derivative Works; or, 114 | within a display generated by the Derivative Works, if and 115 | wherever such third-party notices normally appear. The contents 116 | of the NOTICE file are for informational purposes only and 117 | do not modify the License. You may add Your own attribution 118 | notices within Derivative Works that You distribute, alongside 119 | or as an addendum to the NOTICE text from the Work, provided 120 | that such additional attribution notices cannot be construed 121 | as modifying the License. 122 | 123 | You may add Your own copyright statement to Your modifications and 124 | may provide additional or different license terms and conditions 125 | for use, reproduction, or distribution of Your modifications, or 126 | for any such Derivative Works as a whole, provided Your use, 127 | reproduction, and distribution of the Work otherwise complies with 128 | the conditions stated in this License. 129 | 130 | 5. Submission of Contributions. Unless You explicitly state otherwise, 131 | any Contribution intentionally submitted for inclusion in the Work 132 | by You to the Licensor shall be under the terms and conditions of 133 | this License, without any additional terms or conditions. 134 | Notwithstanding the above, nothing herein shall supersede or modify 135 | the terms of any separate license agreement you may have executed 136 | with Licensor regarding such Contributions. 137 | 138 | 6. Trademarks. This License does not grant permission to use the trade 139 | names, trademarks, service marks, or product names of the Licensor, 140 | except as required for reasonable and customary use in describing the 141 | origin of the Work and reproducing the content of the NOTICE file. 142 | 143 | 7. Disclaimer of Warranty. Unless required by applicable law or 144 | agreed to in writing, Licensor provides the Work (and each 145 | Contributor provides its Contributions) on an "AS IS" BASIS, 146 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or 147 | implied, including, without limitation, any warranties or conditions 148 | of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A 149 | PARTICULAR PURPOSE. You are solely responsible for determining the 150 | appropriateness of using or redistributing the Work and assume any 151 | risks associated with Your exercise of permissions under this License. 152 | 153 | 8. Limitation of Liability. In no event and under no legal theory, 154 | whether in tort (including negligence), contract, or otherwise, 155 | unless required by applicable law (such as deliberate and grossly 156 | negligent acts) or agreed to in writing, shall any Contributor be 157 | liable to You for damages, including any direct, indirect, special, 158 | incidental, or consequential damages of any character arising as a 159 | result of this License or out of the use or inability to use the 160 | Work (including but not limited to damages for loss of goodwill, 161 | work stoppage, computer failure or malfunction, or any and all 162 | other commercial damages or losses), even if such Contributor 163 | has been advised of the possibility of such damages. 164 | 165 | 9. Accepting Warranty or Additional Liability. While redistributing 166 | the Work or Derivative Works thereof, You may choose to offer, 167 | and charge a fee for, acceptance of support, warranty, indemnity, 168 | or other liability obligations and/or rights consistent with this 169 | License. However, in accepting such obligations, You may act only 170 | on Your own behalf and on Your sole responsibility, not on behalf 171 | of any other Contributor, and only if You agree to indemnify, 172 | defend, and hold each Contributor harmless for any liability 173 | incurred by, or claims asserted against, such Contributor by reason 174 | of your accepting any such warranty or additional liability. 175 | 176 | END OF TERMS AND CONDITIONS 177 | 178 | APPENDIX: How to apply the Apache License to your work. 179 | 180 | To apply the Apache License to your work, attach the following 181 | boilerplate notice, with the fields enclosed by brackets "[]" 182 | replaced with your own identifying information. (Don't include 183 | the brackets!) The text should be enclosed in the appropriate 184 | comment syntax for the file format. We also recommend that a 185 | file or class name and description of purpose be included on the 186 | same "printed page" as the copyright notice for easier 187 | identification within third-party archives. 188 | 189 | Copyright [yyyy] [name of copyright owner] 190 | 191 | Licensed under the Apache License, Version 2.0 (the "License"); 192 | you may not use this file except in compliance with the License. 193 | You may obtain a copy of the License at 194 | 195 | http://www.apache.org/licenses/LICENSE-2.0 196 | 197 | Unless required by applicable law or agreed to in writing, software 198 | distributed under the License is distributed on an "AS IS" BASIS, 199 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 200 | See the License for the specific language governing permissions and 201 | limitations under the License. 202 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | ![!automl-docker](banner.png) 2 | 3 | # 🐳 automl-docker 4 | With this beginner-friendly CLI tool, you can create containerized machine learning models from your labeled texts in minutes. With this tool you can: 5 | - Easily create a machine learning model 6 | - Create a docker container for the model 7 | - Connect to the container with an API 8 | - Use your model via a UI 9 | 10 | [Watch a tutorial on YouTube](https://www.youtube.com/watch?v=IUFyCYE6cbc&ab_channel=KernAI) 11 | 12 | 13 | ## Set-up & Installation 14 | This repository uses various libraries, such as sklearn or our [embedders library](https://github.com/code-kern-ai/embedders). In our guide, we use the [clickbait dataset](https://www.kaggle.com/datasets/amananandrai/clickbait-dataset) to illustrate how you can use `🐳 automl-docker`. The data is small and easy-to-use; of course, you can still use any other dataset. 15 | 16 | *Caution*: Currently, the tool supports only .csv files, so please ensure that the dataset fits this requirement. 17 | 18 | First, you can clone this repository to your local computer. Do this by typing: 19 | ``` 20 | $ git clone git@github.com:code-kern-ai/automl-docker.git 21 | ``` 22 | 23 | (If you are new to GitHub, you'll find a nice guide to cloning a repository [here](https://github.com/git-guides/git-clone).) 24 | 25 | After you have cloned the repository, you simply need to install all the necessary libraries with either `pip` or `conda`. All you need to do is using one of the following commands (depending on wether you are using `pip` or `conda`): 26 | 27 | ``` 28 | $ pip install -r requirements.txt 29 | $ conda install --file requirements.txt 30 | ``` 31 | 32 | ## Getting started 33 | Once the requirements are installed, you are ready to go! In the first step of `🐳 automl-docker`, you are going to use a terminal to load in your data, after which a machine learning model will be created for you. To get going, start with the following command: 34 | 35 | ``` 36 | $ python3 ml/create_model.py 37 | ``` 38 | 39 | Once the script is started, you will be prompted to set a path to the data location on your system. Currently, only the .csv data format is usable in the tool. More data formats will follow soon! 40 | 41 | On Mac or Linux, the path might look like this: 42 | ``` 43 | home/user/data/training_data.csv 44 | ``` 45 | 46 | On Windows, the path might look something like this: 47 | ``` 48 | C:\\Users\\yourname\\data\\training_data.csv 49 | ``` 50 | 51 | You can also use relative paths from the directory you're currently in. 52 | 53 | Next, you need to input the name of the columns where the training data and the labels are stored. In our example, you can use `headline` as the column for the inputs and `label` as the column for the labels. 54 | 55 | | **headline** | **label** | 56 | | ----------- | ----------- | 57 | | example1 | Regular | 58 | | example2 | Clickbait | 59 | | example3 | Regular | 60 | 61 | ## Preprocessing the text data. 62 | To make text data usable to ML algorithms, it needs to be preprocessed. To ensure state of the art machine learning, we make use of large, pre-trained transformers pulled from [🤗 Hugging Face](https://huggingface.co/) for preprocessing: 63 | - distilbert-base-uncased -> Very accurate, state of the art method, but slow (especially on large datasets). [ENG] 64 | - all-MiniLM-L6-v2 -> Faster, but still relatively accurate. [ENG] 65 | - Custom model -> Input your own model from [🤗 Hugging Face](https://huggingface.co/). 66 | 67 | By choosing "Custom model" you can always just use a different model from Hugging Face! After you have choosen your model, the text data will be processed. 68 | 69 | ## Building the machine learning model 🚀 70 | And that's it! Now it is time to grab a coffee, lean back and watch as your model is training on the data. You can see the training progress below. 71 | ``` 72 | 76%|████████████████████████ | 756/1000 [00:33<00:10, 229.00it/s] 73 | ``` 74 | 75 | After the training is done, we will automatically test your model and tell you how well it is doing! 76 | 77 | ## Creating a container with Docker 78 | Now, all the components are ready and it's time to bring them all together. Building the container is super easy! Make sure that Docker Desktop is running on your machine. You can get it [here](https://www.docker.com/products/docker-desktop/). Next, run the following command: 79 | ``` 80 | $ bash start_container 81 | ``` 82 | 83 | Or on winodws, you can run the following file: 84 | ``` 85 | $ start_container_windows.bat 86 | 87 | ``` 88 | 89 | Building the container can take a couple of minutes. The perfect opportunity to grab yet another cup of coffee! ☕ 90 | 91 | ## Using the container 92 | After the container has been built, you are free to use it anywhere you want. To give you an example of what you could do with the container, we will be using it to connect to a graphical user interface that was build using the [streamlit](https://streamlit.io/) framework. If you have come this far, everything you'll need for that is already installed on your machine! 93 | 94 | The user interface we built was designed to get predictions on single sentences of texts. Our machine learning model was trained on the [clickbait dataset](https://www.kaggle.com/datasets/amananandrai/clickbait-dataset) to be able to predict wether or not a headline of an article is clickbait or not. By the way: streamlit is very easy and fun to use, and the [documentation](https://docs.streamlit.io/) is very helpful! 95 | 96 | To start the streamlit application, simply use the following command: 97 | ``` 98 | $ streamlit run app/ui.py 99 | ``` 100 | 101 | And that's it! By default, the UI will automatically connect to the previouisly built container. You can test the UI on your local machine, usually by going to `http://localhost:8501/`. 102 | 103 | ## Roadmap 104 | - [x] Build basic CLI to capture the data 105 | - [x] Build mappings for language data (e.g. `EN` -> ask for `en_core_web_sm` AND recommend using `distilbert-base-uncased`) 106 | - [x] Implement AutoML for classification (training, validation and storage of model) 107 | - [ ] Implement AutoML for ner (training, validation and storage of model) 108 | - [x] Wrap instructions for build in a Dockerfile 109 | - [ ] Add sample projects (clickbait dataset) and publish them in some posts 110 | - [ ] Publish the repository and set up new roadmap 111 | 112 | If you want to have something added, feel free to open an [issue](https://github.com/code-kern-ai/automl-docker/issues). 113 | 114 | ## Contributing 115 | Contributions are what make the open source community such an amazing place to learn, inspire, and create. Any contributions you make are **greatly appreciated**. 116 | 117 | If you have a suggestion that would make this better, please fork the repo and create a pull request. You can also simply open an issue with the tag "enhancement". 118 | Don't forget to give the project a star! Thanks again! 119 | 120 | 1. Fork the Project 121 | 2. Create your Feature Branch (`git checkout -b feature/AmazingFeature`) 122 | 3. Commit your Changes (`git commit -m 'Add some AmazingFeature'`) 123 | 4. Push to the Branch (`git push origin feature/AmazingFeature`) 124 | 5. Open a Pull Request 125 | 126 | And please don't forget to leave a ⭐ if you like the work! 127 | 128 | ## License 129 | Distributed under the Apache 2.0 License. See LICENSE.txt for more information. 130 | 131 | ## Contact 132 | This library is developed and maintained by [kern.ai](https://github.com/code-kern-ai). If you want to provide us with feedback or have some questions, don't hesitate to contact us. We're super happy to help. ✌️ 133 | -------------------------------------------------------------------------------- /app/api.py: -------------------------------------------------------------------------------- 1 | # Import statements go here 2 | from fastapi import FastAPI, responses 3 | from pydantic import BaseModel 4 | from configparser import ConfigParser 5 | from util import get_model,get_encoder 6 | import torch 7 | import torch.nn.functional as F 8 | 9 | from embedders.classification.contextual import TransformerSentenceEmbedder 10 | 11 | # Instantiate fastapi app 12 | api = FastAPI() 13 | 14 | 15 | class Text(BaseModel): 16 | text: list 17 | 18 | 19 | config = ConfigParser() 20 | config.read("/automl/ml/config.ini") 21 | model = config["Transformer_Model"]["model_used"] 22 | use_encoder = config["Encoder"]["usage"] 23 | transformer = TransformerSentenceEmbedder(model) 24 | 25 | 26 | @api.get("/") 27 | def root(): 28 | return responses.RedirectResponse(url="/docs") 29 | 30 | 31 | @api.post("/predict") # response_model=Predictions 32 | def predict(data: Text): 33 | """ 34 | Get text data and returns predictions from a ml model. 35 | """ 36 | # Load in the data, lower all words 37 | corpus = data.text 38 | 39 | # Load model 40 | model = get_model() 41 | 42 | # Create embeddings to make text usable by ml model 43 | embeddings = transformer.transform(corpus) 44 | embeddings = torch.FloatTensor(embeddings) 45 | 46 | logits = model(embeddings) 47 | probs = F.softmax(logits, dim=1).tolist() 48 | preds = torch.argmax(logits, dim=1).tolist() 49 | 50 | predictions = model(embeddings).tolist() 51 | 52 | probs_max = [round(max(i), 4) for i in probs] 53 | 54 | results = [] 55 | if use_encoder == "True": 56 | encode = get_encoder() 57 | predictions_labels = encode.inverse_transform(preds).tolist() 58 | 59 | for i, j in zip(predictions_labels, probs_max): 60 | results.append({"label": i, "confidence": j}) 61 | 62 | else: 63 | for i, j in zip(predictions, probs_max): 64 | results.append({"label": i, "confidence": j}) 65 | 66 | return results 67 | -------------------------------------------------------------------------------- /app/ui.py: -------------------------------------------------------------------------------- 1 | import streamlit as st 2 | import requests 3 | 4 | st.title("Prediction UI") 5 | 6 | input_ = st.text_input( 7 | "Try out your new machine learning model in this user interface. Just type some text below." 8 | ) 9 | 10 | if st.button("Predict!"): 11 | if input_ is not None: 12 | 13 | # Get request output from the fastapi 14 | response = requests.post( 15 | "http://localhost:7531/predict", json={"text": [input_]} 16 | ) 17 | if response.status_code == 200: 18 | st.markdown(response.json(), unsafe_allow_html=True) 19 | 20 | st.markdown( 21 | "Check out [Kern AI](https://www.kern.ai) to improve your model by adding more high-quality labeled training data. " 22 | ) 23 | -------------------------------------------------------------------------------- /app/util.py: -------------------------------------------------------------------------------- 1 | import pickle 2 | import torch 3 | 4 | __loaded_model = None 5 | __loaded_encoder = None 6 | 7 | def get_model(): 8 | global __loaded_model 9 | if not __loaded_model: 10 | __loaded_model = torch.load("/automl/ml/model.pt") 11 | return __loaded_model 12 | 13 | def get_encoder(): 14 | global __loaded_encoder 15 | if not __loaded_encoder: 16 | __loaded_encoder = pickle.load(open("/automl/ml/encoder.pkl", "rb")) 17 | return __loaded_encoder 18 | -------------------------------------------------------------------------------- /banner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/code-kern-ai/automl-docker/79a55506f06ba63e6785a6df9be086a6b7879a32/banner.png -------------------------------------------------------------------------------- /ml/create_model.py: -------------------------------------------------------------------------------- 1 | # Logistic Regression spits out warnings on large datasets. For now, there warning will be surpressed. 2 | # This warning will get taken care of in a later version 3 | import warnings 4 | warnings.filterwarnings("ignore") 5 | 6 | # Basis libraries 7 | import numpy as np 8 | import pandas as pd 9 | import pickle 10 | import sys 11 | import time 12 | from tqdm import tqdm 13 | from datetime import datetime 14 | from configparser import ConfigParser 15 | from pathlib import Path 16 | 17 | import torch 18 | import torch.nn as nn 19 | 20 | # Sklearn libraries 21 | from sklearn.model_selection import train_test_split 22 | from sklearn.preprocessing import LabelEncoder 23 | from sklearn.metrics import ( 24 | accuracy_score, 25 | confusion_matrix, 26 | mean_squared_error, 27 | ) 28 | 29 | # Embedders and Transformers 30 | from embedders.classification.contextual import TransformerSentenceEmbedder 31 | 32 | # https://stackoverflow.com/questions/287871/how-do-i-print-colored-text-to-the-terminal 33 | class bcolors: 34 | HEADER = '\033[95m' 35 | OKBLUE = '\033[94m' 36 | OKCYAN = '\033[96m' 37 | OKGREEN = '\033[92m' 38 | WARNING = '\033[93m' 39 | FAIL = '\033[91m' 40 | ENDC = '\033[0m' 41 | BOLD = '\033[1m' 42 | UNDERLINE = '\033[4m' 43 | 44 | print( 45 | f"""{bcolors.BOLD}{bcolors.OKBLUE} 46 | __ __ __ __ 47 | ___ ___ __/ /____ __ _ / /______/ /__ ____/ /_____ ____ 48 | / _ `/ // / __/ _ \/ ' \/ /___/ _ / _ \/ __/ '_/ -_) __/ 49 | \_,_/\_,_/\__/\___/_/_/_/_/ \_,_/\___/\__/_/\_\\__/_/ 50 | {bcolors.ENDC} 51 | maintained by {bcolors.BOLD}{bcolors.OKBLUE}Kern AI{bcolors.ENDC} (please visit {bcolors.UNDERLINE}https://github.com/code-kern-ai/automl-docker{bcolors.ENDC} for more information.) 52 | """ 53 | ) 54 | 55 | def file_getter(): 56 | """ 57 | Function to grab and validate an input from a user. 58 | Input should be a filepath to some data. 59 | 60 | Args: 61 | path_statement -> Path of the data that should be loaded. 62 | """ 63 | while True: 64 | try: 65 | path_input = input("> ") 66 | my_file = Path(path_input) 67 | if my_file.is_file(): 68 | print(f"{bcolors.OKGREEN}File found! Loading file...{bcolors.ENDC}") 69 | break 70 | else: 71 | print(f"{bcolors.FAIL}File not found, please try again!{bcolors.ENDC}") 72 | pass 73 | except: 74 | pass 75 | return path_input 76 | 77 | def feature_getter(df): 78 | """ 79 | Function to grab and validate multiple column names from user. 80 | Input should be a pandas DataFrame. 81 | 82 | Args: 83 | df -> An already loaded pandas DataFrame. 84 | """ 85 | while True: 86 | try: 87 | features_input = input("> ") 88 | features_cleaned = [i.strip() for i in features_input.split(sep=",")] 89 | if pd.Series(features_cleaned).isin(df.columns).all(): 90 | print(f"{bcolors.OKGREEN}Loading column(s)...{bcolors.ENDC}") 91 | break 92 | else: 93 | print(f"{bcolors.FAIL}Column(s) not found, please try again.{bcolors.ENDC}") 94 | pass 95 | except: 96 | pass 97 | return features_cleaned 98 | 99 | def target_getter(df): 100 | """ 101 | Function to grab and validate a single column name from user. 102 | Input should be a pandas DataFrame. 103 | 104 | Args: 105 | df -> An already loaded pandas DataFrame. 106 | """ 107 | while True: 108 | try: 109 | target_input = input("> ") 110 | if target_input in df: 111 | print(f"{bcolors.OKGREEN}Loading column...{bcolors.ENDC}") 112 | break 113 | else: 114 | print(f"{bcolors.FAIL}Column not found, please try again.{bcolors.ENDC}") 115 | pass 116 | except: 117 | pass 118 | return target_input 119 | 120 | # Use cuda if available 121 | device = torch.device('cuda' if torch.cuda.is_available() else 'cpu') 122 | 123 | # get datetime dd/mm/YY H:M 124 | now = datetime.now() 125 | dt_string = now.strftime("%d-%m-%Y %H-%M") 126 | 127 | # Read in the data with pandas, then convert text corpus to list 128 | print("Please enter the path to where your data is stored!") 129 | print(f"On {bcolors.BOLD}Windows{bcolors.ENDC} the path might look like this -> {bcolors.OKBLUE}C:\\Users\\yourname\\data\\training_data.csv{bcolors.ENDC}") 130 | print(f"On {bcolors.BOLD}MacOS/Linux{bcolors.ENDC} the path might look like this -> {bcolors.OKBLUE}/home/user/data/training_data.csv{bcolors.ENDC}") 131 | print() 132 | 133 | 134 | # Get the path where the data is stored 135 | PATH = file_getter() 136 | df = pd.read_csv(PATH) 137 | df = df.fillna("n/a") 138 | 139 | # Get the name of the features 140 | print() 141 | print("Please provide the feature columns for the training data!") 142 | print("You may write: column1, column 2, column_3,") 143 | print(f"Found columns: {df.columns}") 144 | print() 145 | feature_columns = feature_getter(df) 146 | 147 | # Load the data with the provided info, preprocess the text corpus 148 | # If multiple columns are provided, the will be combinded for preprocessing 149 | corpus = df[feature_columns] 150 | if len(corpus.columns) > 1: 151 | corpus = corpus[corpus.columns].apply( 152 | lambda x: ",".join(x.dropna().astype(str)), axis=1 153 | ) 154 | corpus = corpus.tolist() 155 | else: 156 | corpus = corpus.squeeze().tolist() 157 | 158 | # Get the names of the labels 159 | print() 160 | print("Please provide the column name in which the labels are store in!") 161 | target_column = target_getter(df) 162 | target = df[target_column].values 163 | 164 | # Identify if the labels are strings and need encodig 165 | if target.dtype == 'O' or str: 166 | encoder = LabelEncoder() 167 | target = encoder.fit_transform(target) 168 | encoder_usage = True 169 | else: 170 | encoder_usage = False 171 | 172 | # Choose a transformer model to create embeddings 173 | while True: 174 | print() 175 | print("Please input a number to choose your method of preprocessing the text data.") 176 | print("1 - distilbert-base-uncased -> Very accurate, state of the art method, but slow (especially on large datasets). [ENG]") 177 | print("2 - all-MiniLM-L6-v2 -> Faster, but still relatively accurate. [ENG]") 178 | print(f"3 - Custom model -> Input your own model from {bcolors.UNDERLINE}https://huggingface.co/{bcolors.ENDC}.") 179 | print() 180 | 181 | choice = input("> ") 182 | if choice == '1': 183 | model_name = 'distilbert-base-uncased' 184 | print(f"Creating embeddings using {bcolors.BOLD}'{model_name}'{bcolors.ENDC} model, which will take some time. Maybe now is a good time to grab a coffee? ☕") 185 | sent_transformer = TransformerSentenceEmbedder(model_name) 186 | word_embeddings = sent_transformer.transform(corpus) 187 | embeddings = np.array(word_embeddings) 188 | break 189 | 190 | elif choice == "2": 191 | model_name = "all-MiniLM-L6-v2" 192 | print( 193 | f"Creating embeddings using {bcolors.BOLD}'{model_name}'{bcolors.ENDC}model, which will take some time. Maybe now is a good time to grab a coffee? ☕" 194 | ) 195 | sent_transformer = TransformerSentenceEmbedder(model_name) 196 | word_embeddings = sent_transformer.transform(corpus) 197 | embeddings = np.array(word_embeddings) 198 | break 199 | 200 | elif choice == "3": 201 | print("Please input the model name you would like to use: ") 202 | model_name = input("> ") 203 | print( 204 | f"Creating embeddings using {bcolors.BOLD}'{model_name}'{bcolors.ENDC} model, which will take some time. Maybe now is a good time to grab a coffee? ☕" 205 | ) 206 | sent_transformer = TransformerSentenceEmbedder(model_name) 207 | word_embeddings = sent_transformer.transform(corpus) 208 | embeddings = np.array(word_embeddings) 209 | break 210 | 211 | else: 212 | print(f"{bcolors.FAIL}Oops, that didn't work. Please try again!{bcolors.ENDC}") 213 | pass 214 | 215 | # Setting up features and labels 216 | features = torch.FloatTensor(embeddings).to(device) 217 | target = torch.LongTensor(target).to(device) 218 | 219 | # Splitting the data 220 | X_train, X_test, y_train, y_test = train_test_split(features, target, test_size=0.2, random_state=42) 221 | 222 | try: 223 | num_classes = len(encoder.classes_) 224 | except: 225 | num_classes = len(df[target_column].value_counts()) 226 | 227 | # Setting up a dense neural network with pytorch 228 | model = nn.Sequential( 229 | nn.Linear(X_train.shape[1], 128), 230 | nn.ReLU(), 231 | nn.Dropout(p=0.2), 232 | nn.Linear(128, 24), 233 | nn.ReLU(), 234 | nn.Dropout(p=0.2), 235 | nn.Linear(24, num_classes) 236 | ).to(device) 237 | 238 | loss_function = nn.CrossEntropyLoss() 239 | optimizer = torch.optim.Adam(model.parameters()) 240 | 241 | losses = [] 242 | print(" ") 243 | print("Training model...") 244 | 245 | # Training loop of the model 246 | num_epochs = 450 247 | for epoch in range(num_epochs): 248 | # Create prediction of the model 249 | y_hat = model(X_train) 250 | 251 | # Calculate loss 252 | loss = loss_function(y_hat, y_train) 253 | losses.append(loss.item()) 254 | 255 | # Backpropagate to update weights 256 | model.zero_grad() 257 | loss.backward() 258 | 259 | #if epoch % 10 == 0: 260 | sys.stdout.write(f'\rLoss of {round(float(loss), 2)} at epoch {epoch+1} of {num_epochs}') 261 | sys.stdout.flush() 262 | 263 | optimizer.step() 264 | 265 | try: 266 | # Save model 267 | torch.save(model, "ml/model.pt") 268 | 269 | # Save encoder 270 | with open("ml/encoder.pkl", "wb") as handle: 271 | pickle.dump(encoder, handle) 272 | 273 | except: 274 | # Save model 275 | torch.save(model.state_dict(), "model.pt") 276 | 277 | # Save encoder 278 | with open("encoder.pkl", "wb") as handle: 279 | pickle.dump(encoder, handle) 280 | 281 | y_pred = [] 282 | for i in X_test: 283 | pred = model(i) 284 | pred_numpy = pred.cpu().detach().numpy().astype(int) 285 | y_pred.append(np.argmax(pred_numpy)) 286 | 287 | # COnvert y_test to a numpy array 288 | y_test = y_test.cpu().numpy() 289 | 290 | # Generate evaluation metrics 291 | print(" ") 292 | print("Generating evaluation metrics on unseen testing data...") 293 | print("- - - - - - - - - - - - - - - -") 294 | print(f"Model accuracy is: {round(accuracy_score(y_test, y_pred), 2) * 100} %") 295 | print("- - - - - - - - - - - - - - - -") 296 | print(f"Mean squared error is: {round(np.sqrt(mean_squared_error(y_test, y_pred)), 2)}") 297 | print("- - - - - - - - - - - - - - - -") 298 | print(f"The confusion matrix is:") 299 | for row in confusion_matrix(y_test, y_pred): 300 | print(row) 301 | 302 | config = ConfigParser() 303 | config['Data'] = { 304 | 'path_to_data': PATH, 305 | 'features': feature_columns, 306 | 'targets': target_column, 307 | } 308 | config['Transformer_Model'] = { 309 | 'model_used' : model_name 310 | } 311 | config['ML_Model'] = { 312 | 'type_ml_model' : type(model) 313 | } 314 | config['Encoder'] = { 315 | 'usage' : encoder_usage 316 | } 317 | config["Transformer_Model"] = {"model_used": model_name} 318 | config["ML_Model"] = {"type_ml_model": type(model)} 319 | config["Encoder"] = {"usage": encoder_usage} 320 | 321 | try: 322 | with open("ml/config.ini", "w") as f: 323 | config.write(f) 324 | except: 325 | with open("config.ini", "w") as f: 326 | config.write(f) 327 | 328 | print(f"{bcolors.BOLD}That's it!{bcolors.ENDC} You have built your model, and can now run it with docker 🐳") 329 | -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- 1 | embedders==0.0.14 2 | fastapi==0.78.0 3 | numpy==1.23.1 4 | pandas==1.4.2 5 | pydantic==1.8.2 6 | scikit-learn==1.0.2 7 | streamlit==1.11.1 8 | uvicorn==0.17.6 9 | torch==1.12.1 10 | 11 | -------------------------------------------------------------------------------- /sample_data/README.md: -------------------------------------------------------------------------------- 1 | ## Sample data 2 | We have selected three really cool, easy to use datasets for you to try out the automl-docker tool. These datasets are relatively small and so they don't demand a lot of computing power to be able to use them. We also think that they are super fun and that you can actually build quite useful things with these datasets. Enjoy! 3 | 4 | ## Clickbait 5 | This dataset allows you to create your own clickbait classifier! This dataset is really fun because the fact whether or not a headline is clickbait can be very subjective. 6 | 7 | Columns: 8 | - headline 9 | - label 10 | 11 | [Source](https://www.kaggle.com/datasets/amananandrai/clickbait-dataset) 12 | 13 | ## Stocknews 14 | In this dataset you'll find 6.000 headlines for stocknews in english. Using this, you'll be able build a cool classifier to predict whether the news for a certain company are good or bad! 15 | 16 | Columns: 17 | - Sentence 18 | - Sentiment 19 | 20 | [Source](https://www.kaggle.com/datasets/sbhatti/financial-sentiment-analysis) 21 | 22 | ## Twitter Hatespeech Classifier 23 | Hatespeech is a big problem. This dataset allows you to build a classifier that is able to detect hatespeech and and racism in tweets. 24 | 25 | Columns: 26 | - id 27 | - label 28 | - tweet 29 | 30 | [Source](https://www.kaggle.com/datasets/arkhoshghalb/twitter-sentiment-analysis-hatred-speech?select=train.csv) -------------------------------------------------------------------------------- /sample_data/clickbait_data.csv: -------------------------------------------------------------------------------- 1 | headline,label 2 | Andy Pettitte Accepts a Pay Cut to Return to the Yankees,Regular 3 | Strong Game by Hughes Upstages Offense,Regular 4 | US actor Patrick McGoohan dead at age 80,Regular 5 | 26 Very Important Nonfiction Books You Should Be Reading,Clickbait 6 | 15 Behind-The-Scenes Pics Of Vance Joy From The 1989 World Tour,Clickbait 7 | A Good Time to Remember Investment Fundamentals,Regular 8 | 27 Ways To Create The Perfect Travel-Inspired Nursery,Clickbait 9 | "5 Stages Of The Yom Kippur Fast, Illustrated By Amy Schumer",Clickbait 10 | 11 Ways Make-Up Was So Much Worse In The '00s,Clickbait 11 | Impossibly Cute DIY BFF Halloween Costumes,Clickbait 12 | 25 Incredibly Honest Reasons People Are Waiting To Have Sex,Clickbait 13 | Microsoft extends warranty for all Xbox 360s,Regular 14 | "Ryan Gosling Thinks ""The Big Short"" Co-Star Steve Carell Is A Liar",Clickbait 15 | "NCAA Football: USC banned from bowl games for two seasons, wins vacated",Regular 16 | 21 Signs You Were Raised On Indiana Jones,Clickbait 17 | A Whiff of Controversy and South African Wines,Regular 18 | 11 Types Of Hangover Everyone Has Had At Least Once,Clickbait 19 | Ayatollah Ali Khamenei speaks about Iranian presidential election protests at prayers,Regular 20 | 29 Husbands Who Crushed This Whole Marriage Thing In 2015,Clickbait 21 | Australian Senator arrives at Parliament dressed as a beer bottle,Regular 22 | Iraq War Claims Its Oldest Combat Fatality,Regular 23 | Discovery sheds light on flow of water in carbon nanotubes,Regular 24 | 26 Pictures Anyone Who's Celebrated Thanksgiving Will Recognize,Clickbait 25 | This Is What Pizza Huts Look Like Now,Clickbait 26 | Connecticut Men Keep Rolling in Big East Play,Regular 27 | Here's How Orphan Black Fans Are Dealing With Tatiana Maslany's Emmy Loss,Clickbait 28 | 19 Celtic Names So Beautiful You'll Want To Have Children,Clickbait 29 | Man throws shoe at President of Sudan during public conference,Regular 30 | Comedians Cameron Esposito And Rhea Butcher Survive A Round Of Rapid Fire Questioning,Clickbait 31 | South Korea and U.S. Raise Alert Level,Regular 32 | S.E.C. Enforcement Officer Steps Down,Regular 33 | Little Girls Are Ruining Their Hair With This Hot New Toy,Clickbait 34 | Express Scripts Buys WellPoint Pharmacy Unit for $4.7 Billion,Regular 35 | 22 Things Only Cat Owners Understand About Cats,Clickbait 36 | 27 Things You Need To Know About Andy Grammer,Clickbait 37 | Massachusetts Ponders Gas Tax Increase,Regular 38 | "We Need To Talk About Emily Blunt In ""The Huntsman""",Clickbait 39 | Are You More Like Dannii Or Kylie Minogue,Clickbait 40 | I'm The Armless Archer And A Paralympic Silver Medalist,Clickbait 41 | Tour de France: Tom Boonen wins stage 6,Regular 42 | What Is Britney Spears Dreaming About In This Photo,Clickbait 43 | This Group Is Sending Hand Sanitisers To Mark Zuckerberg For Each Victim Of The 2002 Gujarat Riots,Clickbait 44 | These 17 Pastas Are Incredibly Creamy And Delicious,Clickbait 45 | 29 Nintendo Presents That Will 1-Up Your Gift-Giving Game,Clickbait 46 | The 24 Best Literary Debuts Of 2015,Clickbait 47 | 7 Crucial Photo Strategies Everyone With A Big Head Should Know,Clickbait 48 | Do You Know What A Bathroom Is,Clickbait 49 | Double car bombing attack in Mosul kills 26,Regular 50 | Church of England rejects compromise over women bishops,Regular 51 | Bosnian football fan's suspected killer escapes police custody,Regular 52 | Is This A Classic Literature Quote Or Indie Lyric,Clickbait 53 | Former Chadian leader receives death sentence,Regular 54 | "The One Person You Probably Never Noticed In Britney Spears' ""Piece Of Me"" Music Video",Clickbait 55 | Chrysler and Union Agree to Deal Before Federal Deadline,Regular 56 | Former Costa Rican president sentenced to jail on charges of corruption,Regular 57 | South Africa prepares for elections,Regular 58 | Toronto transit union threatens strike for Monday,Regular 59 | Financial Journalists Fumble to Cover a Lasting Slump,Regular 60 | 5 Ridiculous Things Science Claimed About Bearded Men In 2015,Clickbait 61 | 10 Mouthwatering Pizza Facts,Clickbait 62 | Sunnis withdraw from Iraqi government,Regular 63 | Wall Street Cautious on Signs of Persistent Slump,Regular 64 | 17 Reasons Why Natural Hair Is Not A Good Look,Clickbait 65 | Ousted Thai PM arrives in Cambodia to take up government post,Regular 66 | Gibraltar police investigate suspicious death,Regular 67 | 7 Die as Police and Militants Clash in Southern Russia,Regular 68 | 19 Brutally Honest Confessions From A Summer Camp Leader,Clickbait 69 | "11 Things You Need To Know About ""Room""",Clickbait 70 | "Liberal Party of Australia win Bradfield, Higgins by-elections",Regular 71 | Scotland sets date for referendum,Regular 72 | I.B.M. Affirms Earnings Goal Despite Sales Slide,Regular 73 | "New Orleans DirectNIC Offices, 'Outpost Crystal' visited by 82nd Airborne",Regular 74 | Bill to Ease Rules on Development Divides Floridians,Regular 75 | "Who Would You End Up With In ""Once Upon A Time"" Based On Your Zodiac Sign",Clickbait 76 | "Which OTP From ""Scream Queens"" Is The Best",Clickbait 77 | 15 Charts And Graphs Anyone In A Longterm Relationship Will Understand,Clickbait 78 | Coroner Adds to Questions in Italy Murder Case,Regular 79 | Caboolture to play Maroochydore in 2013 Sunshine Coast Rugby Union Preliminary Final,Regular 80 | Kofi Annan: Iraq situation much worse than civil war,Regular 81 | 17 Pictures That Perfectly Capture What It's Like To Have Pets,Clickbait 82 | Some People Think Gigi Hadid Kinda Looks Like Fergie,Clickbait 83 | 13 Plant-Tastic Halloween Costumes,Clickbait 84 | SpaceX Dragon spacecraft launches for the first time,Regular 85 | "Here's Everything We Know About ""Game Of Thrones"" Season 6 (So Far)",Clickbait 86 | "We Asked Jake Gyllenhaal And Jason Clarke Who They Would Bring On An ""Everest"" Climb",Clickbait 87 | 16 Great Moments Tori Kelly Had In 2015,Clickbait 88 | Bushes Exchange Cold Day in Washington for Warm Homecoming in Texas,Regular 89 | 10 Jeans Hacks To Keep Your Look On Point,Clickbait 90 | Can You Name The '90s R&B Track From A Single Screencap,Clickbait 91 | "Police officer charged over double-death crash in Luton, UK",Regular 92 | Profit Drops 95% at Bank of New York Mellon,Regular 93 | "7.1 magnitude earthquake strikes Araucanía, Chile; no tsunami warning",Regular 94 | Yahoo closes user-created chat rooms over sexual conduct,Regular 95 | Kylie Jenner's Favorite Instagram Poet Wrote A Special Poem Just For Her,Clickbait 96 | 11 Surprising Never Nude Confessions,Clickbait 97 | Brazilian soccer player's mother has been kidnapped,Regular 98 | France confirms deportation of illegal Afghan immigrants,Regular 99 | Here's Why Your Body Jerks Awake When You're Falling Asleep,Clickbait 100 | Can You Guess Which City Enters The New Year First,Clickbait 101 | When You Try Something New,Clickbait 102 | 17 Lohanthony Tweets That Will Speak To Your Soul,Clickbait 103 | Death toll rises to eleven in K2 mountain avalanche,Regular 104 | "Residents evacuated after partial building collapse in Buffalo, New York",Regular 105 | New video released shows BBC journalist Alan Johnston wearing 'explosive belt',Regular 106 | Scientific Santa Facts That Will Ruin Christmas,Clickbait 107 | Did This Gossip Headline Happen In 2015 Or Not,Clickbait 108 | "13 Adam Hills Rants By On ""The Last Leg"" That Nailed It",Clickbait 109 | 25 Photos That Meat Eaters Will Never Understand,Clickbait 110 | Eddie Redmayne Occasionally Pays Rent For Drama Students,Clickbait 111 | Scientists shocked at Great Barrier Reef bleaching,Regular 112 | 22.2% of secondary school students in Ireland drop out before the Leaving Cert,Regular 113 | Latest Citigroup Rescue May Not Be Its Last,Regular 114 | Congressman Thad McCotter to run for U.S. President,Regular 115 | Natural gas discovered in Chile according to President Ricardo Lagos,Regular 116 | The Most Confident Yearbook Photos Of All Time,Clickbait 117 | Iraq election commission refuses recount of votes from parliamentary election,Regular 118 | 18 Hilarious Bollywood Movie Reviews From Commenters On Torrent Sites,Clickbait 119 | "Swedish wrestler throws away Olympic bronze medal, leaves",Regular 120 | How Did You Get Over Your Insecurities During Sex,Clickbait 121 | 24 Things Miley Cyrus Does Now That Hannah Montana Would Never Have Done,Clickbait 122 | Ellen DeGeneres And North West Brushing My Little Pony's Hair Is Just Adorable,Clickbait 123 | Anti-tax tea parties held across the USA,Regular 124 | 26 Tweets That Are WAY Too Real For Any Indian,Clickbait 125 | When The WiFi Won't Connect,Clickbait 126 | Booze Up Your Leftover Halloween Candy,Clickbait 127 | "How Well Do You Actually Remember ""10 Things I Hate About You""",Clickbait 128 | 18 Decadent Ways To Have Cake For Breakfast,Clickbait 129 | 32 Times Tumblr Truly Nailed Your Star Sign In 2015,Clickbait 130 | "Woman killed after train and car crash in Herefordshire, England",Regular 131 | "24 Things You 100% Did Not Notice In ""Jurassic World""",Clickbait 132 | People Are Posting Racist Comments On MAC's Instagram Of A Black Model,Clickbait 133 | Czech Republic Minister of Transport banned from driving,Regular 134 | Microsoft Network users experience international outage,Regular 135 | Mark Zuckerberg Just Answered The Question That Every Facebook User Has Wanted To Ask Him,Clickbait 136 | Past Corruption Taints New India,Regular 137 | 20 Pictures That Prove Mums Are Way Funnier Than We Give Them Credit For,Clickbait 138 | Mysteries Remain After Governor Admits an Affair,Regular 139 | 17 Things People Who Love Food Know To Be True Around The Holidays,Clickbait 140 | 23 Movies Older Than Today's Year 7s,Clickbait 141 | 24 Times Boston Terriers Were The Cutest Dogs On The Internet,Clickbait 142 | "Which Hogwarts Houses Do These ""HIMYM"" Characters Belong In",Clickbait 143 | This Guy Spent Over 25 Years Taking Photos Of Himself With Celebrities As An Art Project,Clickbait 144 | 7 Easy Organizing Tricks You'll Actually Want To Try,Clickbait 145 | Bernie Ecclestone attacked outside London headquarters; no arrests made,Regular 146 | "The Isolated Vocal Track Of Freddie Mercury And David Bowie Singing ""Under Pressure"" Is Amazing",Clickbait 147 | Who Is The Worst TV Mother,Clickbait 148 | Kangaroos escape in France,Regular 149 | "I Spent 45 Minutes In The ""Bigg Boss"" House And Here's What I Learned",Clickbait 150 | World's tallest geyser erupts,Regular 151 | The 50 Best Jaden Smith Tweets Of 2015,Clickbait 152 | 80 Are Killed in 3 Suicide Bombings in Iraq,Regular 153 | "Though Hobbled, North Carolina Gets by Virginia Tech",Regular 154 | Apple manager charged with taking over US$1 million in kickbacks from suppliers,Regular 155 | If You Don't Get 100 On This Quiz You Are A Fucking Moron,Clickbait 156 | Gannett Reports a 60% Fall in Quarterly Profit,Regular 157 | "Australian offshore drilling rig leaks oil, could take weeks to plug",Regular 158 | Big Investor in Fortis Opposes Buyout by BNP,Regular 159 | Indian aviation sector hit by financial trouble; domestic traffic at five-year low,Regular 160 | This Muslim Professor Is Offering To Treat People To A Pork Meal To Stand Up Against Intolerance,Clickbait 161 | Trio found with €440 million of cocaine receive a total of 85 years imprisonment,Regular 162 | Egyptian archaeologist finds artifacts which may lead to Cleopatra's tomb,Regular 163 | Clinton Offers Words of Reassurance While in Japan,Regular 164 | 20 BuzzFeed Articles It's Probably OK That I Never Finished,Clickbait 165 | "Identifying the Bird, When Not Much Bird Is Left",Regular 166 | Cargo plane crash in Sudan leaves seven dead with one survivor,Regular 167 | Pigskin A Blanket: NFL Week 12 Picks,Clickbait 168 | Europeans Debate Castration of Sex Offenders,Regular 169 | British Report Urges New Rules on Bank Pay,Regular 170 | Families appeal to Spain's government to negotiate with Somali pirates,Regular 171 | UK's most-read papers found to be in contempt of court,Regular 172 | I Used To Be Ashamed Of My Fear. Then I Started Training As An Acrobat,Clickbait 173 | More than a dozen reported dead after Syrian protests,Regular 174 | "Chrysler files for bankruptcy, Fiat Group SpA to run company",Regular 175 | Should You Date A Member Of One Direction Or 5 Seconds Of Summer,Clickbait 176 | Nelson Mandela dies aged 95,Regular 177 | Gunmen Kill U.N. Official in Pakistan,Regular 178 | "'Explosive' Haitian cholera outbreak kills 292, neighboring countries prepare",Regular 179 | Insurgents kill several people in Baghdad as Iraq's parliamentary elections start,Regular 180 | What's The Worst Thing A Bug Has Ever Done To You,Clickbait 181 | Do You Know Which Social Network Is Older,Clickbait 182 | Survivor of Both A-Bombs Is Certified,Regular 183 | Floods in South Africa wreak havoc,Regular 184 | How Many Of These Food Network Stars Would You Sleep With,Clickbait 185 | A Group Of People Tried Journaling Every Day For A Month And It Got A Little Too Introspective,Clickbait 186 | We Put Sandra Bullock And Billy Bob Thornton's Friendship To The Test,Clickbait 187 | "Jennifer Lawrence, Josh Hutcherson, And Liam Hemsworth Prove True Friendship Love Exists",Clickbait 188 | "13 Movies That Have Iconic Mermaids That Aren't ""The Little Mermaid""",Clickbait 189 | Google provides Gmail access to American cell phone customers,Regular 190 | Fireball lights up sky across Canadian prairies,Regular 191 | "No talks until IRA ""criminal activity"" dealt with",Regular 192 | Man on Florida bus threatened with knife for praising Michael Jackson,Regular 193 | Are You More Kylie Jenner's Lips Or Kim Kardashian's Butt,Clickbait 194 | The Tennis Racket,Clickbait 195 | U.S. Navy forced to give up on Burma relief,Regular 196 | 23 People Who Should Not Have Tweeted In 2015,Clickbait 197 | 2007 German League Cup: Bayern Munich wins 6th League Cup,Regular 198 | Pigskin A Blanket: NFL Conference Championship Picks,Clickbait 199 | 21 Struggles People Who Aren't Messy Will Never Get,Clickbait 200 | Mistake-Prone Mets Lose in 12th,Regular 201 | 16 Confessions From Librarians That'll Surprise You,Clickbait 202 | "This New Cafe Is Every ""Friends"" Fan's Dream Come True",Clickbait 203 | "Indiana State Fair stage collapse kills four, injures forty",Regular 204 | 21 Gifts To Give Yourself When Adulting Is Too Hard,Clickbait 205 | Americans Try Brazilian Sweets,Clickbait 206 | 'Bloody Sunday Inquiry' publishes report into British Army killing of activists in Northern Ireland,Regular 207 | Thief steals over €6 million worth of jewels from Paris store,Regular 208 | "Nathan Sykes Plays A Game Of ""Never Have I Ever"" And It's Adorable",Clickbait 209 | "The Hardest ""Fuck, Marry, Kill"" Game Ever For Beauty Addicts",Clickbait 210 | 13 Ways To Secretly Nap At The Office,Clickbait 211 | Ethnic Fighting Erupts in Sudan,Regular 212 | US Congress House panel OKs big cut in public broadcasting funds,Regular 213 | "Mother, child found dead in Minneapolis collapse site",Regular 214 | "It Looks Like We're Getting Some Amazing New Characters In ""Guardians Of The Galaxy 2""",Clickbait 215 | Al Qaeda: 'Blair brought destruction to the heart of London',Regular 216 | "Taxing, a Ritual to Save the Species",Regular 217 | G.M. and Union Reach Deal on Contract Changes,Regular 218 | 21 Awesome Holiday Things You Can Actually Find At Target,Clickbait 219 | "How Many Of The Books Mentioned On ""Gilmore Girls"" Have You Read",Clickbait 220 | "42 Things I Thought During ""American Horror Story: Hotel"" Episode 7",Clickbait 221 | "US jobless claims lower than forecast, futures rise",Regular 222 | Bill Murray Came To BuzzFeed And Gave Us Some Damn Good Life Advice,Clickbait 223 | "For G.M. and Chrysler, Aid Tied to Restrictions",Regular 224 | New gambling review could jeopardize UK's 'supercasino' plans,Regular 225 | Luis Fortuño is elected new governor of Puerto Rico,Regular 226 | Who Said It: Lorde Or Audre Lorde,Clickbait 227 | 14 Honest Instagrams About Fall,Clickbait 228 | Proof That National Treasure Shia LaBeouf Transcended In 2015,Clickbait 229 | People Stick Their Head Through A Hole And Are Surprised With Puppies,Clickbait 230 | Fans Have Doubts as Fordham Basketball Struggles,Regular 231 | 9 Women In Movies Who Somehow Brought In All The Money This Year,Clickbait 232 | How Brown-Eyed Parents Can Have A Blue-Eyed Kid,Clickbait 233 | Obama Again Raises Estimate of Jobs His Stimulus Plan Will Create or Save,Regular 234 | 12 Corporate Mascots From Your Childhood Who Weren't As Cool As They Thought,Clickbait 235 | German Football: Lahm signs contract with Bayern Munich until 2012,Regular 236 | Oreo Marshmallow Treats Are The Stuff Dreams Are Made Of,Clickbait 237 | Nine US troops killed in Afghanistan as Taliban attack base,Regular 238 | "FedEx cargo jet crashes in Narita, burns",Regular 239 | 20 Signs That Definitely Have A Hilarious Story Behind Them,Clickbait 240 | Penguins Could End the Reign of the Red Wings,Regular 241 | 26 Times Taylor Swift Was You AF,Clickbait 242 | Here's Why Your Pee Smells Horrible After You Eat Asparagus,Clickbait 243 | "U.S. Program Lends a Hand to Banks, Quietly",Regular 244 | Which Australian TV High School Should You Go To,Clickbait 245 | 13 Things You Can Stop Feeling Bad About Right Now,Clickbait 246 | "Small plane makes crash landing in Massachusetts, USA",Regular 247 | Greek debt deal reached,Regular 248 | Free Internet-Calling Services for Cellphones,Regular 249 | "Fashion Designer Rachel Roy On Her New ""Curvy"" Collection And Inspiring Women",Clickbait 250 | "The ""High School Musical"" Cast Reveals Facts You Probably Didn't Know",Clickbait 251 | Is Your BFF A Big Baby,Clickbait 252 | "The First ""Finding Dory"" Trailer Is Here And It Suggests How Dory Went Missing",Clickbait 253 | 26 Seriously Fucked-Up Things People Have Done To Their Sims,Clickbait 254 | There's A Hilarious Reason Everyone's Sharing This Poster For Tom Hardy's New Film,Clickbait 255 | Musical Show of Unity Upsets Many in Israel,Regular 256 | England and New Zealand vie for Women's Cricket World Cup,Regular 257 | 34 Movie-Inspired Cakes All Film Fans Will Appreciate,Clickbait 258 | "For Traveling Mothers, Hurdles in Pumping Breast Milk",Regular 259 | Study of soft cheese wins oddest book title award,Regular 260 | Annual rich list shows Ireland now has six billionaires,Regular 261 | Turkish Premier Reaches Out in an Important Kurdish City,Regular 262 | A Strong Week Ends on Down Note,Regular 263 | Should Black Cars Be Banned,Clickbait 264 | 24 Tweets About Sleep Guaranteed To Make You Laugh,Clickbait 265 | Meet The Inspiring Plus-Size Pole Dancer,Clickbait 266 | We Know Your Favorite Dog Breed Based On These Random Questions,Clickbait 267 | NASA mission finds water on the Moon,Regular 268 | "Pirate Bay case: Internet group attacks websites in ""Operation Baylout""",Regular 269 | Awkward Selfie Stick Prank,Clickbait 270 | "Yankees defeat Indians, 9-4; win 7 of last 8 heading into the All-Star break",Regular 271 | MDC pulls out of Zimbabwe elections,Regular 272 | Torture and Death Recounted at Cambodian Trial,Regular 273 | This Is Why Soy Milk Goes Funny In Your Coffee,Clickbait 274 | "For Palm, Some Tough Smartphone Acts to Follow",Regular 275 | 16 Facts That Don't Sound Right But Are Actually True,Clickbait 276 | Tornadoes rampage through Mississippi,Regular 277 | What Are Your Memories Of David Bowie,Clickbait 278 | Russian government confirms gay protesters to be arrested at Olympics,Regular 279 | Report finds Canberra and Northern Territory have most expensive cocaine in Australia,Regular 280 | "Blue Jays Are Holding First Place, and Their Breath",Regular 281 | "Jack Black Is Super Creepy As R.L. Stine In The New ""Goosebumps"" Movie",Clickbait 282 | 17 Times Wednesday Addams Truly Spoke To Your Soul,Clickbait 283 | A.P. in Deal to Share Investigative Work From Nonprofit Groups,Regular 284 | Which 2015 Meme Are You Based On Your Zodiac Sign,Clickbait 285 | First beta of Windows API 'Wine' released,Regular 286 | What New Song Should You Listen To On Repeat This Weekend,Clickbait 287 | Web News Start-Up Has Its Eye on Texas,Regular 288 | 18 Reasons Why No Country Should Ever Accept Refugees,Clickbait 289 | Tonga renews emergency regulations,Regular 290 | Man Is Arrested in Obama Threat,Regular 291 | Belt-Tightening by N.F.L. Could Dampen Free Agency,Regular 292 | 15 Game-Changing Eyeliner Charts If You Suck At Makeup,Clickbait 293 | US Chief Justice candidate John Roberts' nomination goes to full Senate,Regular 294 | "People Think Adele's New Song Sounds Like ""Trap Queen""",Clickbait 295 | Tucson gunman appears in court for Giffords shooting,Regular 296 | 15 Important Reminders For Anyone Who Wants To Lose Weight This Year,Clickbait 297 | Meghan Trainor And Charlie Puth Made Out For An Uncomfortably Long Time At The AMAs,Clickbait 298 | "Chinese activist severely beaten by ""mob""",Regular 299 | "The ABCs According To ""The Hunger Games""",Clickbait 300 | This Dad Just Built The Most Incredible Tree Fort In His Daughter's Bedroom,Clickbait 301 | 17 Secretly Healthy Drunk Foods,Clickbait 302 | "UNHCR: 200,000 people displaced by violence in Yemen",Regular 303 | 24 Spectacular One-Tier Wedding Cakes,Clickbait 304 | A Bride Shared A Special Wedding Dance With The Man Who Saved Her Life,Clickbait 305 | 18 Insanely Clever And Beautifully Decorated Cookies,Clickbait 306 | Belle Was Literally The Fucking Worst,Clickbait 307 | 17 Cosplayers Get Real About The Importance Of Fictional Characters,Clickbait 308 | "In Minnesota, Big Moment for a Temple for Hindus",Regular 309 | "25 Pictures That Are Way, Way Too Real For All Cat Owners",Clickbait 310 | 17 Jokes Guaranteed To Make Arsenal Fans Laugh,Clickbait 311 | Strip-Search Case Tests How Far Schools Can Go,Regular 312 | "Ryan Reynolds Got Dunked On ""Ellen"" To Raise Money For Make-A-Wish Foundation",Clickbait 313 | 9 Police Officers Are Killed by Taliban in Afghanistan,Regular 314 | Bankers Point to the Rules as the Problem,Regular 315 | Blu-ray Player From Samsung Mounts on a Wall,Regular 316 | 14 Duets That Prove Two Voices Are Better Than One,Clickbait 317 | "Black Friday Shopper Camps Out For Entire Week, Is Not Fucking Around",Clickbait 318 | Supreme Court Hears Challenge to Identity-Theft Law in Immigration Cases,Regular 319 | Clinton speaks at Rabin memorial service,Regular 320 | President Bush may veto amendment that bans detainee mistreatment,Regular 321 | Here's All Of The Famous Faces Who Attended London Fashion Week,Clickbait 322 | Find Out What You Should Watch On Netflix This February,Clickbait 323 | Hackers attack Islamic Republic of Iran Broadcasting website,Regular 324 | "Tom Hanks And Jimmy Fallon Act Out ""Bridge Of Spies"" In Its Truest Form",Clickbait 325 | "Driver fined after following sat-nav to edge of cliff in West Yorkshire, England",Regular 326 | New Gabonese president names new government,Regular 327 | 15 People Who Have Been Personally Victimized By Winter Salt Stains,Clickbait 328 | Shriver speaks out over Schwarzenegger’s affair and love child,Regular 329 | Woman in Binghamton Athletics Files Harassment Complaint,Regular 330 | "There's A New Trailer For The ""Sherlock"" Christmas Special And It's Pure Magic",Clickbait 331 | What Accessory Should You Get Based On Your Favorite Food,Clickbait 332 | Study Halves Prediction of Rising Seas,Regular 333 | 14 Ways Trays Can Make Your Space Feel More Put-Together,Clickbait 334 | Not To Freak Anyone Out But I Think Olivier Martinez Is Hoarding All The Baguettes,Clickbait 335 | Victims of Shooting at Iraq Clinic Include a Psychiatrist and a Young Private,Regular 336 | Literally Just 46 Photos Of Scotland Looking Sexy As Hell,Clickbait 337 | Target Customers Were Confused When Porn Played Loudly Over The Intercom,Clickbait 338 | "23 Times Andy Dwyer From ""Parks & Rec"" Was Wrong About Everything",Clickbait 339 | Canada wins gold at IIHF World Junior Hockey Championship,Regular 340 | Emotions Run High Against Hornets as Knicks Halt Skid,Regular 341 | Australian rules football: West Gippsland Football League Semi Finals,Regular 342 | We Know Your Go-To Monopoly Piece Based On Your Zodiac Sign,Clickbait 343 | 17 Clever Products That Will Make Chores Suck Less,Clickbait 344 | Napster founder Shawn Fanning introduces new file-sharing project,Regular 345 | Russian Firm Buys a Stake in Facebook,Regular 346 | 18 Parents Who Are Tired Of Their Children's Facebook Shit,Clickbait 347 | Scientists say that a 'global layer of water' exists on Saturn's moon Titan,Regular 348 | "Dial-a-Mattress, in Bankruptcy, Will Sell to Rival",Regular 349 | 7 Incredible Things We Learned About Jennifer Lawrence From Her Glamour Magazine Interview,Clickbait 350 | Leaked online: UK Home Office non-disclosure agreement with ID card companies,Regular 351 | 31 Elf On The Shelf Ideas Guaranteed To Win Christmas,Clickbait 352 | This Instagram Of People Putting Objects On Their Eyeballs Will Make You Cringe,Clickbait 353 | Round 1 Ticket Holders to Get Rain Checks or Refunds,Regular 354 | "President Bush of the United States authorized NSA surveillance of citizens, bypassing court warrants",Regular 355 | Favorites and a Few Surprises Emerge at Wimbledon,Regular 356 | 21 Animals You Should Have Been Following In 2015,Clickbait 357 | Taiwan's cabinet resigns,Regular 358 | "Ryan Reynolds Really Didn't Mind Being Nude On The ""Deadpool"" Set",Clickbait 359 | "FYI, There's A Man In Kolkata Who Supplies America With Drugs To Execute Criminals",Clickbait 360 | Zach Johnson Wins Sony Open,Regular 361 | Karzai Urges Taliban to Cast Votes,Regular 362 | 30 brightly coloured mummies discovered in Egyptian necropolis,Regular 363 | Representative Tom DeLay not seeking future Majority Leader position,Regular 364 | How the Media Wrestle With the Web,Regular 365 | "Wait for the Next Edition of the Cool-er, a Kindle Rival",Regular 366 | What Happens When Flies Land In Your Food,Clickbait 367 | Thousands to celebrate twenty years since fall of Berlin Wall,Regular 368 | I Pretended To Be Salad On Tinder And This Is What Happened,Clickbait 369 | Tropical Storm Olaf forms in the Pacific,Regular 370 | "A Placid Man on Land, Caught in a Pirate Drama at Sea",Regular 371 | "NHL: Penguins defeat Thrashers, catch Devils",Regular 372 | 17 Reasons Why Older Leo DiCaprio Is Better Than Young Leo DiCaprio,Clickbait 373 | Long-running TV clown marks 50 years since debut,Regular 374 | 21 Awesome Ways To Bring The Outdoors Into Your Home,Clickbait 375 | Five Toronto teenagers charged with armed robbery,Regular 376 | Finger found in frozen custard by North Carolina man,Regular 377 | U.S. soldiers kill 9 suspected al-Qaeda members near Baghdad,Regular 378 | Dion leads Ignatieff heading into final ballot of Canadian Liberal vote,Regular 379 | Damaged DNA Evidence Shrinks Serial Killer Case,Regular 380 | This One Question Will Tell You If You Are A Good Driver Or Not,Clickbait 381 | American comedic actor Dom DeLuise dies at age 75,Regular 382 | "Obama, at Caterpillar Plant, Lobbies for Stimulus Package",Regular 383 | John M. Spratt Jr.,Regular 384 | "Tom Cruise orders €14,500 takeaway meal",Regular 385 | "We Know Your Favorite ""Game Of Thrones"" Moment Based On Your Opinions About ""GoT""",Clickbait 386 | "The Best Jim And Pam Moments, Ranked In Order Of Cuteness",Clickbait 387 | "Which Chanel From ""Scream Queens"" Are You",Clickbait 388 | Dozens killed in Mexican prison riots,Regular 389 | "26 Times ""The Osbournes"" Were The Funniest Family On TV",Clickbait 390 | 17 Reasons Tina Belcher Is The Best Role Model For Young Girls,Clickbait 391 | Pope Benedict XVI announces visit to United Kingdom,Regular 392 | 21 Struggles Of Being An Attractive Person,Clickbait 393 | Washington Train Crash Prompts Safety Warning,Regular 394 | 14 Mugs That Perfectly Sum Up 2015,Clickbait 395 | 23 Hilarious Tweets About Shia LaBeouf Watching His Own Movies,Clickbait 396 | Things My Dick Does Is Dick Pics You Might Actually Want To See,Clickbait 397 | 23 Things Only Girls With Small Boobs Will Understand,Clickbait 398 | 24 Celebrities Who Look So Similar It's Damn Creepy,Clickbait 399 | New Protections for Transgender Federal Workers,Regular 400 | Homeless in Sacramento Tent City Will Be Moved to State Fairground,Regular 401 | Liam Payne's Shirtless Selfie Is Causing Mass Hysteria,Clickbait 402 | Everyone Is Freaking Out That Twitter Is Switching To An Algorithmic Timeline,Clickbait 403 | Proms performance by Israel Philharmonic Orchestra disrupted,Regular 404 | Australian Bureau of Statistics faces budget cut,Regular 405 | Belgian prime minister offers resignation,Regular 406 | Trial date set for fraud case against Church of Scientology in France,Regular 407 | "Jimmy Fallon Is Getting His Own Ride At Universal Based On The ""Tonight Show""",Clickbait 408 | Canadian annual seal hunt begins amid controversy,Regular 409 | 21 Things That Are Goddamn Disappointing Every Fucking Time,Clickbait 410 | A Midwestern Wind Infuses the U.S. With Zip and Zing,Regular 411 | A Cellphone That Is Made With the Environment in Mind,Regular 412 | 21 Genius Ways To Eat Peanut Butter And Jelly,Clickbait 413 | 31 Thoughts Everyone Has After A Bad Haircut,Clickbait 414 | Women Try To Put On Lipstick With A Selfie Stick,Clickbait 415 | Obama decides against the release of graphic photos of bin Laden,Regular 416 | "How Well Do You Actually Know Belle From ""Beauty And The Beast""",Clickbait 417 | "Mad Men Mashes Up Perfectly With ""Parks And Rec"" And It's Hilarious",Clickbait 418 | UN convoy attacked by gunman in Ivory Coast as peacekeeping forces ordered to leave country,Regular 419 | 17 People Who Figured Out How To Organize Their Shit Better Than You,Clickbait 420 | When Abuela Knows You're Sick,Clickbait 421 | 8 Ways To Deal With Dumb Questions About Canada,Clickbait 422 | T.I. Doesn't Think A Woman Should Be President Of The United States,Clickbait 423 | 15 Delicious Pastas With No Meat,Clickbait 424 | Leonardo DiCaprio Told Ellen About How He Almost Died On Two Separate Occasions,Clickbait 425 | This Hot Bartender Is Possibly The Best Jeopardy Contestant Of All Time,Clickbait 426 | 61 Impossibly Tiny And Tasteful Tattoos,Clickbait 427 | 26 State Fair Foods From 2015 That Will Blow Your Mind,Clickbait 428 | "The 27 Most Important Moments From ""Bake Off"" 2015",Clickbait 429 | Perez Sets PGA Tour Record and Keeps Lead at Hope Classic,Regular 430 | Irish win narrowly over Italy in RBS 6 opening match,Regular 431 | "Dear World, There Is No 'Z' In 'Muslim'",Clickbait 432 | Camps Challenge Skills and Will of U.S. Goalkeeper Perkins,Regular 433 | "Wikinews holds a follow-up interview with Max Riekse, Constitution Party candidate for the 2008 U.S. presidential election",Regular 434 | 21 Photos Anyone Who Has Been Drunk AF Will Relate To,Clickbait 435 | Pakistani Police Kill 5 Militants Linked to Taliban,Regular 436 | These Spicy Slow Cooker Carnitas Are The Perfect Weeknight Dinner,Clickbait 437 | Push in Spain to Limit Reach of the Courts,Regular 438 | 13 Halloween Decorations That Got Way Too Real,Clickbait 439 | Criminal charges filed in Nov. 19 NBA brawl,Regular 440 | "At Wal-Mart, Labels to Reflect Green Intent",Regular 441 | Two police officers injured in Pentagon shooting incident,Regular 442 | Portugal holds first same-sex marriage,Regular 443 | Gary Player Says Goodbye to Masters After Last Round in Heaven,Regular 444 | Your Ex Vs. Your New Crush,Clickbait 445 | "India, Pakistan begin next round of talks",Regular 446 | US novelist John Updike dies age 76,Regular 447 | What's The Weirdest Thing You've Gotten While Trick-Or-Treating,Clickbait 448 | "Bernie Sanders Played His Own Ancestor Alongside Larry David On ""SNL""",Clickbait 449 | Study suggests 48% of US soda fountain machines have coliform bacteria,Regular 450 | People Make Their Ideal Starbucks Cup,Clickbait 451 | "What Makes ""Butch"" Hot",Clickbait 452 | Japanese tanker MV Chemstar Venus freed by Somali pirates,Regular 453 | "13 People They Should Cast In The New All-Female ""Ocean's Eleven""",Clickbait 454 | Chinese Golfer Makes a Name for Herself on L.P.G.A. Tour,Regular 455 | Reading for Hard Times,Regular 456 | Warner Music Is Singing Again,Regular 457 | Here's Where Budget Travelers Actually Go On Vacation,Clickbait 458 | Your Friend Who's Back From Traveling,Clickbait 459 | How Well Do You Remember These Classic Sega Games,Clickbait 460 | "We Need To Talk About Merlin On ""Once Upon A Time""",Clickbait 461 | 15 Things Only Super-Disciplined People Will Understand,Clickbait 462 | Thai anti-government leaders escape capture,Regular 463 | "Karachi's Diwalis Are Getting Quieter By The Year, And Here's Why",Clickbait 464 | "This Librarian Decorated The Cupboard Under Her Stairs To Look Like ""Harry Potter""",Clickbait 465 | Former Iranian president Hashemi Rafsanjani leads Friday prayers,Regular 466 | 17 Things You Realise After You Leave Your All-Girl School,Clickbait 467 | UN carries out first review of US human rights record,Regular 468 | We Know Your Personality Based On Your Birth Season,Clickbait 469 | "AFC Asian Cup: Iraq shock Australia, Japan overcome UAE",Regular 470 | "As Giants Break Camp, Coughlin Uses Lakers as Motivation",Regular 471 | Here's 12 Awkward Christmas Gift Stories,Clickbait 472 | Japanese nuclear officials race to avoid disaster as radiation levels in sea rocket,Regular 473 | 28 Memes That Pretty Much Sum Up Life In 2015,Clickbait 474 | Australian rules football: Traralgon defeat Warragul in round 14 of 2010 Gippsland Football League season,Regular 475 | "Please, Everyone, Stop Saying ""Squad Goals""",Clickbait 476 | You Will Want To Marry And Have Babies With This Lumberjack Cake,Clickbait 477 | 14 Epic Video Game Romances That Will Level Up Your Heart,Clickbait 478 | Can We Guess Your Favorite Chocolate Based On Your Zodiac,Clickbait 479 | "Guys, ""America's Next Top Model"" Is Returning To TV",Clickbait 480 | British actress Maggie Jones dies age 75,Regular 481 | Timekeeping will pause into the New Year with a 'Leap Second',Regular 482 | U.N. Official Says Darfur Continues to Crumble,Regular 483 | These High School Boys Wore Dresses To School In Protest Of The Dress Code,Clickbait 484 | We Know Your McDonald's Order Based On Your Birth Month,Clickbait 485 | "Do You Know These Classic ""Star Wars"" Characters",Clickbait 486 | How Many Of These Google Search Tricks Did You Know,Clickbait 487 | Manufacturing Orders Are Rising in China,Regular 488 | "Stricker Leaves Opening, and Clark Slips Into Lead at Colonial",Regular 489 | Kyrgyzstan Insists U.S. Base to Close,Regular 490 | Here's What Real Vegetarians Actually Eat,Clickbait 491 | "Married Vs. Single: When To Say ""I Love You""",Clickbait 492 | UK tube company Metronet goes into administration,Regular 493 | Here's Justin Trudeau Walking The Wrong Way Up An Escalator For All Eternity,Clickbait 494 | Spain legalizes same-sex marriage,Regular 495 | Kylie Jenner Proves She Doesn't Wear Butt Pads By Showing Off Her Spanx,Clickbait 496 | V.M.I. Revived by a High-Octane Offense,Regular 497 | There's A Cheeky Nando's Music Video And It Is Insane,Clickbait 498 | "Thai PM barred from politics, three parties dissolved",Regular 499 | May Ends With a Winning Streak Intact,Regular 500 | JPMorgan pays $2.6 billion in Madoff case,Regular 501 | "How Well Do You Know The Lyrics To ""Hakuna Matata""",Clickbait 502 | A Revolving Door of Editors and Publishers,Regular 503 | Data Shows Deepening of Slump in Europe,Regular 504 | "Clinton, in Visit to Haiti, Brings Aid and Promises Support",Regular 505 | That Picture Of Matthew Perry And Courteney Cox Everyone Is Talking About Is 10 Years Old,Clickbait 506 | "Rapper Kanye West denounces Bush response, American media at hurricane relief telethon",Regular 507 | The 22 Most Painfully Awkward Things That Happened In 2015,Clickbait 508 | "In Wyoming, Debate Rages Over Elk Feeding Program",Regular 509 | Canadians are contacting PM Stephen Harper about the war in Afghanistan,Regular 510 | 19 Photos Of Dogs Being Adorable During The Blizzard,Clickbait 511 | Did You Actually Have Sex On Your Wedding Night,Clickbait 512 | Pick A Heart To Get A Positive Message Just For You,Clickbait 513 | "Matthew Edwards, honored Michigan police officer, shot and killed",Regular 514 | 26 Songs You Sweatily Grinded To At A Party In 2009,Clickbait 515 | 21 Things You'll Only Understand If You're A Girl Who Hates Feelings,Clickbait 516 | Lessons (or Not) When a Start-Up Misses the Mark,Regular 517 | 13 Things All Slytherins Will Need In 2016,Clickbait 518 | "Special report on Japanese tsunami emergency in Pichilemu, Chile",Regular 519 | 21 Reasons Why 2015 Was The Worst Year Canada Has Ever Seen,Clickbait 520 | This Woman's Insanely Magical Instagram Will Make You Smile Every Damn Day,Clickbait 521 | 24 Things You'll Only Understand If You're Slightly Obsessed With Traveling,Clickbait 522 | Che Guevara's ''Motorcycle Diaries'' companion dies,Regular 523 | Wild storms lash New South Wales South Coast,Regular 524 | Who Should Your Celebrity Girlfriend Be Based On Your Birth Month,Clickbait 525 | Egyptian voters approve constitutional changes,Regular 526 | Italian political leader threatens forcible rebellion against government,Regular 527 | Abbott labs ends dispute with Brazilian government over AIDS drug,Regular 528 | "With Explosions of Color, Tibetan Art Flourishes",Regular 529 | 97 Of The Best Things In The World,Clickbait 530 | "Brie Larson's Response To Being Called An ""It Girl"" Will Make Your Day",Clickbait 531 | What Were Your Favorite Reality TV Moments Of 2015,Clickbait 532 | Mike Tyson arrested for jumping on car hood,Regular 533 | 24 Perfect Gordon Ramsay GIFs Perfect For Every Situation,Clickbait 534 | Outlander Just Made A Big Casting Announcement,Clickbait 535 | U.S. Senator Larry Craig to resign,Regular 536 | What STD Are You,Clickbait 537 | St Paul's cathedral to shut down following 'Occupy' protest,Regular 538 | Here's Why You Get All Red When You Have Sex,Clickbait 539 | President Bush signs U.S.-India nuclear deal,Regular 540 | Amy Schumer And Amy Poehler Were Perfect Together At The Emmys,Clickbait 541 | "Flu Spreads, but Some Countries Ease Measures",Regular 542 | Bad weather makes life tougher for quake survivors,Regular 543 | Gerard Butler Looked Like Grumpy Cat At The Golden Globes Afterparty,Clickbait 544 | "Teachers, What Do You Actually Want For Christmas This Year",Clickbait 545 | Here's How To Make An Easy One-Pot Winter Chili,Clickbait 546 | Reminder: Lea Salonga Is A Real-Life Disney Princess,Clickbait 547 | 11 Times You're Actually #Blessed,Clickbait 548 | Here's How A World Champion Runner Actually Eats And Trains,Clickbait 549 | 37 Things Donald Trump Is Probably Doing Today,Clickbait 550 | "Wikinews interviews Brian Moore, Socialist Party USA presidential candidate",Regular 551 | Burris Says Audiotape Confirms Innocence,Regular 552 | "Do You Remember ""Northern Downpour"" By Panic! At The Disco",Clickbait 553 | 23 Jokes That Are Hilariously British,Clickbait 554 | "25 Times ""10 Things I Hate About You"" Made You Fall Madly In Love",Clickbait 555 | "Wikileaks release Afghan ""war logs"" in co-operation with mainstream media",Regular 556 | The Most Delicious And Foolproof Way To Cook Salmon,Clickbait 557 | Massive blackouts hit Florida,Regular 558 | "In Hartford, Fans Still Harbor Hope for N.H.L. Team",Regular 559 | Apple reveals new iPod shuffle with voice,Regular 560 | "For Wright and Dixon, the Drama",Regular 561 | Former science director sues Texas over intelligent design e-mail,Regular 562 | Governments Deal New Blow to Drought-Stricken California Farmers,Regular 563 | Prosecutors continue investigation as Livedoor faces possible delisting,Regular 564 | Russia voids border treaty with Estonia,Regular 565 | Keeping Alive the Day That Soccer Died,Regular 566 | Around 240 Chilean protesters detained after anti-government demonstration,Regular 567 | Man dies in Serbian enclave; could not call ambulance,Regular 568 | 21 Products On Sale For Under $25 You Should Totally Buy If You Love Color,Clickbait 569 | 22 Completely Bizarre Parts People Had In School Nativity Plays,Clickbait 570 | Bringing Order to the Chaos of Notes,Regular 571 | Can We Guess Your Hogwarts House Based On What You Like The Most,Clickbait 572 | UK markets up despite London incident,Regular 573 | What Role Would You Play In A Bank Heist,Clickbait 574 | Woman appointed as Bucharest prefect,Regular 575 | "Your Soulmate Tom Hiddleston Is Really, Really Good At Impressions",Clickbait 576 | Top-Ranked Men and Women Focused on Australian Open Title,Regular 577 | UK government stops compulsory testing of fourteen-year-olds,Regular 578 | This New Hair Dyeing Technique Will Actually Give You Mermaid Hair,Clickbait 579 | 13 Awkward Moments That Happen When You Get Braces,Clickbait 580 | Mutated strain of H1N1 virus detected in US and Norway,Regular 581 | "UK ""terror bill"" passed after standoff",Regular 582 | Greek opposition attacks government on wildfires tragedy,Regular 583 | This Trans Woman Is Using Topless Photos To Challenge Facebook's Nipple Policy,Clickbait 584 | British celebrity Jade Goody dies of cervical cancer at age 27,Regular 585 | Sorry Everyone But Jack Dawson Was Actually The Worst,Clickbait 586 | 16 British Politicians Dramatically Altered With Man Buns,Clickbait 587 | What's The Best Halloween Costume Your Kid Has Ever Worn,Clickbait 588 | 17 Books That Perfectly Capture The Immigrant Experience,Clickbait 589 | 21 Mind-Blowing Desserts You Need To Know About For The Holidays,Clickbait 590 | We Gave Musicians An Elf On The Shelf And Here's What Happened,Clickbait 591 | Queen JoJo Just Slayed All Your Faves (Except Adele) With This Powerful Tonight Show Performance,Clickbait 592 | 19 Perfect Gifts For Anyone Who's Fresh Out Of Fucks,Clickbait 593 | Haitians Look for Shift in Immigration Policy,Regular 594 | Unicef: African children orphaned by AIDS could top 18 million,Regular 595 | "Paul Rudd, Seth Rogen, And Amy Schumer Are All In One Hilarious Super Bowl Commercial",Clickbait 596 | "How Well Do You Remember Sawyer's ""Lost"" Nicknames",Clickbait 597 | This Woman Perfectly Trolled Her Husband On His Wedding Ring,Clickbait 598 | Overpowering Victory for Karlovic in Old-School Style,Regular 599 | 401 children from Texas sect compound taken into custody,Regular 600 | A Sea Otter Learned How To Use An Inhaler After She Got Asthma,Clickbait 601 | 25 Things Teetotallers In Their Twenties Will Just Get,Clickbait 602 | United States charges eleven in credit card fraud case,Regular 603 | "Which Couple On ""Friday Night Lights"" Was Actually The Best",Clickbait 604 | Dalai Lama Calls for Autonomy as Only Solution for Tibet,Regular 605 | Lenders Pledge $31 Billion for Eastern and Central Europe,Regular 606 | "Nintendo Announced Cloud Will Be In ""Smash Bros"" And We Lost Our Minds",Clickbait 607 | Osama to Obama: Bin Laden addresses US President,Regular 608 | Apple sues Taiwanese mobile phone maker HTC,Regular 609 | Former U.S. governor Palin signs TV deal with Fox News,Regular 610 | "In Stem Cell Debate, Moral Suasion Comes Up Short",Regular 611 | Sweden celebrates its first national day as a public holiday,Regular 612 | Which Random '80s Movie Are You,Clickbait 613 | NATO soldiers honour fallen Canadians,Regular 614 | 30 Things You Might Not Know About Emilie De Ravin,Clickbait 615 | "As Week Ends, Shares Manage to Stay on Upside",Regular 616 | Vote in India Reshapes Landscape,Regular 617 | "You Need To See Gigi Hadid Naked On The Cover Of French ""Vogue""",Clickbait 618 | Can You Answer These Embarrassing Body Questions,Clickbait 619 | U.S. Drone Strike Said to Kill 60 in Pakistan,Regular 620 | Mathematician Benoît Mandelbrot dies aged 85,Regular 621 | 23 Tumblr Posts That Hilariously Sum Up Having Boobs,Clickbait 622 | Madoff jailed after pleading guilty to $50 billion fraud scheme,Regular 623 | NHL: Ducks take commanding three game lead on Wild,Regular 624 | Are You More Cara Delevingne Or Taylor Swift,Clickbait 625 | The Moment The Relationship Becomes Long Distance,Clickbait 626 | "Before She Was Famous, Katy Perry Was A Backup Singer For POD",Clickbait 627 | 17 Babysitting Horror Stories That Prove Kids Are The Worst,Clickbait 628 | Bermuda Premier Escapes Censure Over Uighurs,Regular 629 | "Truck carrying explosives crashes, explodes in Utah",Regular 630 | Foot and mouth scare in New Zealand likely to be hoax,Regular 631 | American Airlines plane overshoots runway in Jamaica; injuries reported,Regular 632 | 21 Things All Ulta Beauty Fans Will Understand,Clickbait 633 | Armstrong Returns to Riding With a Purpose,Regular 634 | Coming Out: 1st Time Vs. 101st Time,Clickbait 635 | 18 Times Canada Confused The Hell Out Of Everyone On Tumblr,Clickbait 636 | My Mom And I Went To A Taylor Swift Concert And It Was Pure Magic,Clickbait 637 | Daimler Cedes Its 19.9% Stake to Chrysler,Regular 638 | "21 Things That Happened When We Visited The Set Of ""Friends""",Clickbait 639 | Neil Entwistle agrees to extradition,Regular 640 | 33 Impossibly Cute Ways To Cover Your Body In Books,Clickbait 641 | France Announces $8.5 Billion Plan to Help Struggling Auto Industry,Regular 642 | 22 Things You Need To Know About Emetophobia,Clickbait 643 | The Slick Rise Of Vintage Masculinity,Clickbait 644 | "On Abortion, Obama Is Drawn Into Debate He Had Hoped to Avoid",Regular 645 | Dating Struggles For Extroverted Ladies,Clickbait 646 | Ford Reports a Record $14.6 Billion Loss for 2008,Regular 647 | This One Emoji Question Will Decide What Job You Should Have,Clickbait 648 | This Is What A London Pigeon Actually Does All Day,Clickbait 649 | How Well Do You Remember The Movies Of 2005,Clickbait 650 | 19 Clever Gifts For Anyone Who's Constantly On Their Phone,Clickbait 651 | This Game Of MASH Will Make Your Middle School Dreams Come True,Clickbait 652 | IPhone sales exceed BlackBerry,Regular 653 | We Tested Four Long-Wear Lipsticks To See Which One Lasted The Longest,Clickbait 654 | This Is The One R&B Song You Need To Listen To This Fall,Clickbait 655 | "Why Dutch From ""Killjoys"" Is The Most Kick-Ass Woman On TV",Clickbait 656 | 23 Completely Insane Valentine's Day Weddings,Clickbait 657 | UK actor Peter Postlethwaite dies aged 64,Regular 658 | New book Blown for Good reveals details inside Scientology headquarters,Regular 659 | Al Jazeera cameraman killed in eastern Libya,Regular 660 | This Louisiana Sheriff Will Scare The Living Shit Out Of You,Clickbait 661 | 17 Mouthwatering Holiday Mains For Vegetarians,Clickbait 662 | New Jersey jury convicts Florida man who claimed he was too fat for murder,Regular 663 | UK to ban Islamist group,Regular 664 | "Do You Actually Remember The First Episode Of ""The West Wing""",Clickbait 665 | Another grenade attack in Thailand injures eight,Regular 666 | This Is What $1 USD Gets You In Food All Around The World,Clickbait 667 | IRA weapons decommissioned,Regular 668 | "Hey, McDonald's: Fix Your Damn Ice Cream Machine",Clickbait 669 | 15 Surprising Actors Who Unknowingly Sparked My Sexual Awakening,Clickbait 670 | 18 People Who Probably Regret Becoming Stock Photo Models,Clickbait 671 | Gift of footballs from United States offends Afghans inadvertently,Regular 672 | "With Timberwolves Picking Rubio, the Knicks Want to Talk",Regular 673 | 17 Things Everyone Regrets Doing In Freshers' Week,Clickbait 674 | Can You Identify These Celebrities By Their Smiles,Clickbait 675 | "How Well Do You Remember ""I Write Sins Not Tragedies"" By Panic! At The Disco",Clickbait 676 | We Need To Talk About Justin Bieber's Hair,Clickbait 677 | "26 ""Harry Potter"" Quotes Made Hilarious By Replacing ""Wand"" With ""Penis""",Clickbait 678 | Ogilvy Leads by 6 in Mercedes-Benz Championship,Regular 679 | We Know If You Secretly Hate Adele,Clickbait 680 | Can You Guess Which Number Comes Next In The Sequence,Clickbait 681 | 21 Things Only Non-Harry Potter Fans Know To Be True,Clickbait 682 | Bus attack in India kills many,Regular 683 | This Video Perfectly Sums Up What It's Like To Experience A Breakup,Clickbait 684 | This Video Shows The Apollo Missions Like You've Never Seen Them Before,Clickbait 685 | UN calls on international community to increase aid for Iraqi refugees,Regular 686 | Lebanon car bombings kill dozens outside mosques,Regular 687 | 24 Tweets That'll Make You Feel Better About Your Student Debt,Clickbait 688 | "16 Magical Pumpkins All ""Harry Potter"" Fans Need To See",Clickbait 689 | Wikileaks.org restored as injunction is lifted,Regular 690 | EU ban on 75W bulbs comes into force,Regular 691 | A Girl Just Shut Down Her Complicated Math Homework With This Hilarious Response,Clickbait 692 | 12 Facts About Candles You Should Probably Know,Clickbait 693 | 19 Things You'll Only Understand If You're A Woman Who Hates Shaving,Clickbait 694 | Halloween Party Drinks To Spook Your Friends,Clickbait 695 | "Helping Keep a City Clean, and Maybe Safer",Regular 696 | "Target Is Pulling This ""Star Wars"" Shirt For Boys That Writes Leia Out Of The Scene",Clickbait 697 | Former Aide to Edwards Will Write Tell-All Book,Regular 698 | 24 Spectacular Coincidences That Will Make You Question Reality,Clickbait 699 | This Is What Happened When We Tried Out A Hot Sauce Made With Scorpion Peppers,Clickbait 700 | "This Is The Hardest ""Degrassi"" Quiz You'll Ever Take",Clickbait 701 | The Real Babies Of Hollywood,Clickbait 702 | This Company May Have Just Created The Most Comfortable Men's Underwear,Clickbait 703 | 23 Things Every Music Nerd Will Find Funny,Clickbait 704 | Should You Top Or Bottom Tonight,Clickbait 705 | Jacobs Wants to See Burress Return to Giants,Regular 706 | Several earthquakes shake Nevada,Regular 707 | Facebook Places launches in UK,Regular 708 | UK study claims men have higher average I.Q. than women,Regular 709 | The Donald Trump Vs. Bernie Sanders Debate You Might Not Ever Get To See,Clickbait 710 | Honest Confessions Of People Living With HIV,Clickbait 711 | Exuberance in Taiwan as Ties With China Warm,Regular 712 | 22 Times The Internet Proved We're All In This Together,Clickbait 713 | "11 Alternative ""25"" Album Art Covers",Clickbait 714 | "Large earthquake hits Southern Peru, one killed",Regular 715 | 25 Times Ed Miliband Blessed Us In 2015,Clickbait 716 | Everyone Else Can Just Give Up Because Nicki Minaj Has Won 2015 Already,Clickbait 717 | What It Feels Like When Someone Calls Your BFF Their BFF,Clickbait 718 | This Website Will Tell You If Your Favorite Bands Are Emo Or Not,Clickbait 719 | Lewis Hamilton wins 2008 Monaco Grand Prix,Regular 720 | Bones of a Mammoth possibly found in Silicon Valley,Regular 721 | "Vick, Out of Prison, to Work With Humane Society",Regular 722 | "Under New Chief, Another Shake-Up at Yahoo",Regular 723 | British Adults Try Sweets From Their Childhoods,Clickbait 724 | How Google Decides to Pull the Plug,Regular 725 | We Tried To Get Away With Wearing Fancy Sweatpants Four Different Ways,Clickbait 726 | Dozens of cats removed from feces-ridden New Jersey house,Regular 727 | JetBlue flight attendant accused of cursing at passenger granted bail,Regular 728 | Puerto Rico Just Opened Up The Dress Code For LGBTQ Students,Clickbait 729 | What Are You Getting Rid Of In 2016,Clickbait 730 | Sri Lanka Captures Rebel Stronghold,Regular 731 | 17 Things Humanity Ruined In 2015,Clickbait 732 | New South Wales ALP loses support first time under premier Iemma,Regular 733 | 8 Pictures Of Calvin Harris Literally Just Buying Rugs,Clickbait 734 | John Krasinski Talking About How Much He Loves Emily Blunt Will Destroy You,Clickbait 735 | Which Alpha Bitch Are You Based On Your Zodiac Sign,Clickbait 736 | Curvy Targeting Is Banned For Gmail Advertisers,Clickbait 737 | "19 Reasons Why ""Elf"" Will Always Be Your Favorite Christmas Movie",Clickbait 738 | "Do You Remember The Lyrics To ""Time After Time"" By Cyndi Lauper",Clickbait 739 | 15 Household Items You Need To Replace Right Now,Clickbait 740 | 21 Truths All Women Will Understand,Clickbait 741 | How Many Of The Most Iconic Songs Of All Time Have You Heard,Clickbait 742 | Here Are Magical Photos From Inside The Harry Potter Bar,Clickbait 743 | A Green Way to Dump Low-Tech Electronics,Regular 744 | Apple unveils iPod nano,Regular 745 | Bush calls for expanding Federal authority,Regular 746 | Britney Spears Continues To Perform While Having A Wardrobe Malfunction,Clickbait 747 | "Threat to ships in Malacca Strait, says Singapore Navy",Regular 748 | Which Of The Kids In The Hall Is Your Soulmate,Clickbait 749 | UN official: DR Congo is ‘rape capital of the world’,Regular 750 | 20 Celebrities Who Made A Difference In 2015,Clickbait 751 | A Growth Area for Law Firms: Bankruptcy,Regular 752 | 23 Reasons To Never Eat Breakfast,Clickbait 753 | Tell Us How You Started Your Big Weight Loss Journey,Clickbait 754 | 14 Life-Changing Ways To Bake With Avocados,Clickbait 755 | Obama withdraws from Trinity United Church,Regular 756 | Post-Kyoto agreement is subject of G8 debate,Regular 757 | 19 Tweets About Tinder That'll Actually Make You Laugh,Clickbait 758 | 16 Pictures That Will Instantly Destroy Any Friendship,Clickbait 759 | Medvedev to Bolster Military in Russia,Regular 760 | Can You Guess Which Non-Princess Disney Gal Said It,Clickbait 761 | Will You Be Fooled By These Basic Science Questions,Clickbait 762 | Here's How To Actually Do A Killer Abs Workout In Just 15 Minutes,Clickbait 763 | What Should You Bring To Your Friendsgiving,Clickbait 764 | Two British servicemen killed in roadside bombing,Regular 765 | Al Gore-owned cable news channel to relaunch August 1 with viewer-created content,Regular 766 | Internet company offers organs from executed Chinese prisoners,Regular 767 | "How Well Do You Really Know The ""Harry Potter"" Movies",Clickbait 768 | Quake Death Toll Tops 280 in Italy,Regular 769 | Pirate attack on Norwegian ship foiled by NATO forces,Regular 770 | "Fire kills six, badly injures seven in Croatia",Regular 771 | Wikinews interviews U.S. Libertarian presidential candidate Bob Jackson,Regular 772 | "Google Puts Ads on Its News Site, Reviving Debate",Regular 773 | "How Well Do You Know The Lyrics To ""Frosty The Snowman?""",Clickbait 774 | America's Cup: seventh race postponed,Regular 775 | 24 Beauty Secrets You Should Really Know,Clickbait 776 | 51 Things That Happen When Your BFF Has Depression,Clickbait 777 | Garry Kasparov retires from professional chess,Regular 778 | Scottish woman on 'Britain's Got Talent' becomes YouTube sensation,Regular 779 | "US state of Kansas in battle over ""Intelligent Design"" in education",Regular 780 | Pop starlet Kylie Minogue has early-stage breast cancer,Regular 781 | This Color Test Will Determine The Type Of Sex You Like,Clickbait 782 | A Shake-Up at Shell,Regular 783 | Do You Remember When People Thought Green M&M's Made You Horny,Clickbait 784 | 15 Super Bowl Snacks Worth Feasting On,Clickbait 785 | Australian school at center of child-sex allegations pulls newsletter mentioning 'Penthouse' as recommended reading,Regular 786 | "No Red Cape, or Red Ink, in South Korean Bullrings",Regular 787 | "The Director Of ""American Hustle"" Has Responded To Jennifer Lawrence's Critique Of Pay Inequality",Clickbait 788 | Brazilian Landless Workers Movement (MST) attacked in Minas Gerais,Regular 789 | 21 Weird Punishments People Actually Got When They Were Kids,Clickbait 790 | "If ""Dragon Ball Z"" Characters Had Realistic Proportions",Clickbait 791 | Four-Run Second Helps Virginia Eliminate Cal State Fullerton,Regular 792 | What Moon Should You Move To,Clickbait 793 | Imperfect immune systems help avoid autoimmune disease,Regular 794 | That Thing When Your Hair Looks Amazing Right Before A Haircut,Clickbait 795 | 19 Conveniently Portable Items That Will Change Your Life,Clickbait 796 | 22 Stupidly Wonderful Halloween Costumes You Can Actually Buy,Clickbait 797 | "Without Gas, Bulgarians Turn Icy to Old Ally",Regular 798 | 29 Tweets That Every Single Hairdresser Will Relate To,Clickbait 799 | 21 Photos Of Green Mangoes That'll Make You Drool,Clickbait 800 | 21 Life-Changing Products That Can Actually Make Your Skin Better,Clickbait 801 | Wife Withdrew $15.5 Million Before Madoff Arrest,Regular 802 | Here's How To Try Black Tap Milkshakes Without Spending $15,Clickbait 803 | 29 Of The Most WTF Moments From The 2016 BAFTAs,Clickbait 804 | Time Warner/Comcast bid to snap up Adelphia cable service,Regular 805 | What's The Weirdest Sex Toy You've Ever Seen,Clickbait 806 | Opposition Wins Presidency in Mongolia,Regular 807 | "One of Great Britain's ""most wanted"" criminals arrested in the Netherlands",Regular 808 | Happy Gilmore Was On to Something,Regular 809 | The Disco Ball Is Having A Moment And There's Nothing You Can Do About It,Clickbait 810 | Can You Name These '90s WWF Superstars,Clickbait 811 | "12 ""Harry Potter"" Quotes That Could Totally Be About Your Desi Life",Clickbait 812 | 19 Hilarious Tweets About Christmas,Clickbait 813 | "Parents Are Irate Over A Children's Book Called ""Do You Want To Play With My Balls?""",Clickbait 814 | "2008 Taipei International Book Exhibition: More events, more visitors in the weekend",Regular 815 | Tom Hardy's Wife Revealed She's Pregnant At His Movie Premiere,Clickbait 816 | 16 Vines Only People Who Smoke Will Understand,Clickbait 817 | Which British Celebrity Should You Invite To Thanksgiving,Clickbait 818 | For Everyone Who Is Obsessed With Daryl's Arms,Clickbait 819 | 16 Things Lady Gaga Looked Like During Her Super Bowl Performance,Clickbait 820 | "Magnitude 3.6 earthquake shakes Washington, D.C.",Regular 821 | Adele Went Makeup-Free On The Cover Of Rolling Stone And Looks Incredible,Clickbait 822 | Hurricane Dean is upgraded to a Category 2 storm,Regular 823 | British Airways give medals to Flight 38's crew,Regular 824 | 12 Creative Ways To Use Selfie Sticks,Clickbait 825 | "Anti-censorship developers targeting China's ""Great Firewall""",Regular 826 | For-Profit Approach to World News at GlobalPost,Regular 827 | 16 Times Britain Confused The Hell Out Of Rest Of The World In 2015,Clickbait 828 | "As Boom Town Busts, a Brief Political Movement Fades Away",Regular 829 | 31 Things You Need To Cook In October,Clickbait 830 | Reese Witherspoon Just Called Out Hollywood Ageism And Sexism And It Was Beautiful,Clickbait 831 | Watch These Lesbians Give Gay Men Wardrobe Makeovers,Clickbait 832 | 8 Struggles Of Having A Tall Boyfriend,Clickbait 833 | Interpol on the hunt for 'Dr. Death',Regular 834 | Use of Web Tracking Tool Raises Privacy Issue in Britain,Regular 835 | 11 Tragic Everyday Disappointments,Clickbait 836 | First Death for Washington Assisted-Suicide Law,Regular 837 | "Cloned cattle's milk and meat seem safe, according to new study",Regular 838 | Military plane crashes in Chilean Juan Fernández Archipelago; reports say no survivors,Regular 839 | These Kahlua Fudge Brownies Just Want To Be Loved,Clickbait 840 | "Hair Salons Are Now Offering ""Quiet Chairs"" For People Who Hate Talking",Clickbait 841 | "Remembering Jenkem, The Greatest Internet Hoax",Clickbait 842 | The Winners And Losers Of Asian Representation In Hollywood In 2015,Clickbait 843 | Sports Industry Tries to Bring the Living Room to the Game,Regular 844 | 22 Times Tina Fey And Amy Poehler Shut Down Sexism In The Best Damn Way,Clickbait 845 | Former first lady of India Janaki Venkataraman dies at 89,Regular 846 | Southwest Airlines flight diverts due to 'rapid decompression in the cabin',Regular 847 | Late-Breaking Madness as Cleveland State Upsets Wake Forest,Regular 848 | Which Celebrity Hair Flip Are You Based On Your Favorite Viral Sensation,Clickbait 849 | Colton Haynes Just Out-Halloweened Himself By Dressing Up As Ursula,Clickbait 850 | Religious broadcaster Pat Robertson calls for assassination of Venezuela's president,Regular 851 | "11 Celebrities Wearing Iron Maiden T-Shirts, Ranked By How Likely It Is That They've Actually Listened To Iron Maiden",Clickbait 852 | Magnitude 5.3 earthquake strikes Taiwan,Regular 853 | "If ""Harry Potter"" Characters Had Instagram In The '90s",Clickbait 854 | Where Is The Best Taco You've Ever Had In Your Life,Clickbait 855 | Iraqi government to investigate Saddam video,Regular 856 | Typhoon Ketsana reaches Cambodia; up to eleven people killed,Regular 857 | Pro-Sharif Demonstrations Spread Across Punjab,Regular 858 | Pick A Doodle To Determine What You Need To Do This Weekend,Clickbait 859 | Iraqi Goalie Killed in Victory Shooting,Regular 860 | The Way This Guy Reacts To Finding His Pug In The Trash Can Is Too Cute For Life,Clickbait 861 | Homeopathy proponents jailed for allowing daughter to die,Regular 862 | 15 Reasons Papa Pope Would Be The Perfect Professor At A Black College,Clickbait 863 | Cardinals Advance to First Super Bowl,Regular 864 | 31 Decadent Apple Desserts That Will Make You Swoon,Clickbait 865 | "21 Times ""Home Alone"" Proved Adults Are The Absolute Worst",Clickbait 866 | Which Justin Bieber Song Is Your Life Anthem Based On Your Zodiac Sign,Clickbait 867 | "Would You Be Accepted Into The KKT Sorority From ""Scream Queens""",Clickbait 868 | 13 Incredibly Useful Tips Every Spotify User Should Know,Clickbait 869 | 18 Times #GrowingUpTheOldestChild Was Way Too Real,Clickbait 870 | Weir Surrenders Early Lead as Glover Charges,Regular 871 | "Zanu-PF attempts to reassign Zimbabwean ministries, MDC angered",Regular 872 | No Simple Route for Flight Delay Information,Regular 873 | "Volatile stock market, credit woes persist",Regular 874 | Airbus offers funding to search for black boxes from Air France disaster,Regular 875 | Summers Says Stimulus Plan on Track Despite Job Losses,Regular 876 | John Reid: Iraq does radicalise some Muslim youth,Regular 877 | Judah Friedlander's Opinion On 15 Random Things,Clickbait 878 | John Maine Is Latest Mets Starter to Have a Shaky Outing,Regular 879 | Which Disney Quote Do You Need To Hear Today,Clickbait 880 | "How Well Do You Remember The ""Sex And The City"" Finale",Clickbait 881 | Voyager 1 enters heliosheath at edge of solar system,Regular 882 | Florida wins BCS National Championship Game over Oklahoma,Regular 883 | 27 Brilliant Books You Must Read This Winter,Clickbait 884 | Amber Rose Had A Lot To Say About Kanye After Their Twitter War,Clickbait 885 | South Africans Euthanize Dozens of Beached Whales,Regular 886 | 22 Of Kourtney Kardashian's Deepest Thoughts,Clickbait 887 | "Ruby Rose And Nina Dobrev Are Slated To Join Deepika Padukone In ""XXX: The Return Of Xander Cage""",Clickbait 888 | Apple users criticize lack of FireWire port on MacBook,Regular 889 | Five dead after continuing violence in Nigeria,Regular 890 | Watch These Couples Kiss In Slow Motion And Get Sexually Awakened,Clickbait 891 | 31 Very Real San Francisco Problems,Clickbait 892 | Tourists struggle to escape as Bangkok airport blockades enter sixth day,Regular 893 | Oklahoma trooper on leave after altercation with ambulance personnel,Regular 894 | Baseball Investigators to Meet With Alex Rodriguez on Sunday,Regular 895 | Threats Ratchet Up Tension in French Labor Disputes,Regular 896 | 22 Signs You're Obsessed With Venmo,Clickbait 897 | "Fighting Deadly Flu, Mexico Shuts Schools",Regular 898 | A Photo Of Demi Lovato Has Now Become A Huge Meme Called Poot,Clickbait 899 | Tarja Turunen to perform at Doro Pesch's 25th anniversary concert and record duets with her,Regular 900 | Big shoes to fill at eBay,Regular 901 | Can You Identify Celebrities When They Don't Have Faces,Clickbait 902 | Gas Deal in Europe Is Undone and Redone,Regular 903 | 17 Amazing Products That Actually Worked For These People With Curly Hair,Clickbait 904 | Israeli court orders controversial wall rerouted,Regular 905 | 11 Of Your Favorite Actors' Very First Headshots,Clickbait 906 | Bomb blast damages buildings in Athens,Regular 907 | Fiat Nearing a Deal for Chrysler Stake,Regular 908 | Memphis Uses Size and Speed to Overpower Maryland,Regular 909 | Fiji's President abrogates constitution,Regular 910 | We Know Exactly Where You Live,Clickbait 911 | How Many '90s Premier League Managers Can You Name,Clickbait 912 | "The Triumphs And Mistakes That Got J.J. Abrams Ready For ""Star Wars""",Clickbait 913 | Abramoff begins prison sentence,Regular 914 | Selena Gomez Had The Cutest Reaction To Taylor Swift Winning A Grammy,Clickbait 915 | General Says Shoot Dealers in Afghanistan,Regular 916 | Iraqi violence may restrict elections,Regular 917 | "Study says to clean your sponge, microwave it",Regular 918 | "MPAA launches seven lawsuits against torrent, ed2k and usenet sites",Regular 919 | Pakistan Says 124 Arrested in Mumbai Investigation,Regular 920 | Washington Monument evacuated due to false bomb threat,Regular 921 | Demonstrators clash with police in Algeria after slum protest,Regular 922 | 20 Ridiculously Awesome Pieces Of Furniture You Wish You Could Afford,Clickbait 923 | Triathletes from Belgium and Luxembourg compete in championship race,Regular 924 | "FBI arrests four in alleged plot to bomb Bronx synagogues, shoot down plane",Regular 925 | What Are Your Best Tips For Keeping The Weight Off,Clickbait 926 | SpaceX rocket successfully orbits on fourth attempt,Regular 927 | The 37 Most Important Puppy Pictures Of 2015,Clickbait 928 | Are You More Gordon Ramsay Or Nigella Lawson,Clickbait 929 | Can You Make It Through This Simple Yes Or No Quiz About Movie Quotes,Clickbait 930 | 19 Dinosaur Things You Need In Your Life Right Now,Clickbait 931 | Ice Hockey: Claude Giroux scores overtime goal to lift Flyers to victory in Game 3 of the 2010 Stanley Cup Finals,Regular 932 | North Korea Threatens to Withdraw Incentives for South Korean Companies at Joint Industrial Site,Regular 933 | See The World Through The Eyes Of A Legally Blind Man,Clickbait 934 | This Is What Dating Looks Like Early On Vs. After A Long Time,Clickbait 935 | What's The Best Song To Have Sex To,Clickbait 936 | American Beauty As Told By Miss America Winners,Clickbait 937 | Going Home For Thanksgiving Expectations Vs. Reality,Clickbait 938 | "Car bomb attack in Iraqi town, at least two dead and 45 injured",Regular 939 | Should You Actually Move To Canada,Clickbait 940 | Iran to launch its first nuclear power plant,Regular 941 | "Wikinews interviews Jim Babka, chair of Libertarian organization Downsize DC",Regular 942 | Decline in PC Orders Leads to Microsoft Layoffs,Regular 943 | 17 Awkward Moments When You're A Jew On Christmas,Clickbait 944 | "17 Weird, Gross, Hilarious Things Everyone On Their School Football Team Did Together",Clickbait 945 | Can You Identify The 2015 Hit Song From Just One Lyric,Clickbait 946 | "17 Images That Perfectly Sum Up Life In Really, Really Cold Weather",Clickbait 947 | Scotland's First Minister does comedy sketch for charity,Regular 948 | Are You Bart Or Lisa,Clickbait 949 | 14 Star Wars-Themed Church Signs For The Jedi In All Of Us,Clickbait 950 | "This Is What $1,000 A Month In Rent Would Get You All Around The U.S",Clickbait 951 | Baseball: Oakland Athletics defeat LA Angels 10 to 4,Regular 952 | What Would You Taste Like,Clickbait 953 | Can You Find Your Way Out Of This Haunted House,Clickbait 954 | Tom Cruise spoofed in film 'Superhero Movie',Regular 955 | Are You More Justin Bieber Or One Direction,Clickbait 956 | "How Well Do You Know The Lyrics To ""Rudolph The Red-Nosed Reindeer""",Clickbait 957 | Couples Can Actually Rent This Couple's Home For Free Through Airbnb,Clickbait 958 | Bali Defies Fatwa on Yoga,Regular 959 | These New Horror Movies Will Make You Scared Of Your Mom And Grandma,Clickbait 960 | Democratic Party reaches deal over Florida and Michigan,Regular 961 | Scottish Court Hears Appeal in 1988 Blast on Jetliner,Regular 962 | Here's Why Kermit and Miss Piggy Actually Broke Up,Clickbait 963 | "In Mexico, Obama Seeks Curbs on Arms Sales",Regular 964 | "Futures Game Is Delayed, but Japanese Prospect Is Ahead of Schedule",Regular 965 | "At the Garden, a Reminder of Why the Game Matters",Regular 966 | Blu-ray prevails in high definition disc war,Regular 967 | This Is What Happens When You're A Black Girl Who Can't Dance,Clickbait 968 | Over two million people displaced by flooding in India,Regular 969 | 18 Fabulous Reasons Regina George Is Perfect The Role Model,Clickbait 970 | Siena Defeats Niagara to Claim N.C.A.A. Bid,Regular 971 | Snow storm hits Arizona and New Mexico,Regular 972 | Grand Jury Investigates Los Angeles Priest Cases,Regular 973 | "Bank Stress Tests May Not Be a Big Deal, After All",Regular 974 | Coordinated terrorist attack hits London,Regular 975 | Former rugby union commentator Bill McLaren dies at age 86,Regular 976 | 17 Solutions That Were Too Good To Be True,Clickbait 977 | "Ice Cube, Kevin Hart, And Conan Might Be The Worst Driving Instructors",Clickbait 978 | "This Is What ""The Powerpuff Girls"" Voice Actors Look Like IRL",Clickbait 979 | 22 Delicious Ways To Bring In 2016 With A Bang,Clickbait 980 | Women Got Transformed Into Telenovela Stars And Looked Dramatic AF,Clickbait 981 | 15 Smart Dollar Store Ideas To Declutter Your Kitchen,Clickbait 982 | What's Mom Sharing Now,Clickbait 983 | Robin Hood Event Adjusts to Tough Times,Regular 984 | 15 Powerful Cocktails Guaranteed To Get You Through The Holidays,Clickbait 985 | Suicide Bomber Kills 30 in Baghdad Pilgrimage Attack,Regular 986 | Morgan Tsvangirai returns to Zimbabwe,Regular 987 | What It Was Like Being A New York Mets Fan In 2015,Clickbait 988 | "Over 70 businesses in Bristol, United Kingdom given zero star rating for food hygiene",Regular 989 | "This ""50 Shades"" Twitter Account Is The One Every Nerd Has Been Waiting For",Clickbait 990 | Drake's Mom Was Extra Adorable At Her Birthday Celebration Last Night,Clickbait 991 | Bomb hits northwestern Pakistan; at least 30 killed,Regular 992 | "How Well Do You Know The Lyrics To ""Cake By The Ocean"" By DNCE",Clickbait 993 | 19 Things You'll Understand If You're Slightly Obsessed With Masturbating,Clickbait 994 | "With Top Pick, Islanders Choose Goal Scorer in Tavares",Regular 995 | Suspicions of nepotism arise from pulping of new Australian industrial relations information booklets,Regular 996 | Seabrook city councilman takes heat for words,Regular 997 | Japan's Supreme Court invalidates distinctions on nationality,Regular 998 | 24 Beautiful Little Phrases To Tattoo On Yourself,Clickbait 999 | 15 Reasons Arjun Kapoor Is The Perfect Man,Clickbait 1000 | Thoughts You Have While Waiting To Get Tested,Clickbait 1001 | US flag burning amendment approved by House,Regular 1002 | -------------------------------------------------------------------------------- /start_container: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | echo -ne 'stopping old container...' 3 | docker stop automl-container 4 | echo -ne '\t [done]\n' 5 | 6 | echo -ne 'building container...' 7 | docker build -t automl-container-backend . 8 | echo -ne '\t [done]\n' 9 | 10 | echo -ne 'starting...' 11 | docker run -d --rm \ 12 | --name automl-container \ 13 | -p 7531:7531 \ 14 | automl-container-backend 15 | 16 | echo -ne '\t [done]\n' 17 | docker logs automl-container -f -------------------------------------------------------------------------------- /start_container_windows.bat: -------------------------------------------------------------------------------- 1 | 2 | docker build -t automl-container-backend . 3 | 4 | docker run ^ 5 | -p 7531:7531 ^ 6 | --name automl-container ^ 7 | --rm ^ 8 | automl-container-backend 9 | 10 | docker logs automl-container -f 11 | --------------------------------------------------------------------------------