diff --git a/Project/simple_approach/simple_twitter_learning.ipynb b/Project/simple_approach/simple_twitter_learning.ipynb index 78f5fa0..c0cdc79 100644 --- a/Project/simple_approach/simple_twitter_learning.ipynb +++ b/Project/simple_approach/simple_twitter_learning.ipynb @@ -1215,7 +1215,7 @@ }, { "cell_type": "code", - "execution_count": 37, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -1234,7 +1234,7 @@ }, { "cell_type": "code", - "execution_count": 38, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ @@ -1252,12 +1252,12 @@ }, { "cell_type": "code", - "execution_count": 39, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ "# filtering them and the EMOJI keyword out:\n", - "plain_text = plain_text.str.replace(\"\",\"\").str.replace(\"[\" + \"\".join(list(emoji_blacklist)) + \"]\",\"\")" + "plain_text = plain_text.str.replace(\"(||<\",\"\").str.replace(\"[\" + \"\".join(list(emoji_blacklist)) + \"]\",\"\")" ] }, { @@ -1269,7 +1269,7 @@ }, { "cell_type": "code", - "execution_count": 40, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ @@ -1289,7 +1289,7 @@ }, { "cell_type": "code", - "execution_count": 41, + "execution_count": 11, "metadata": {}, "outputs": [], "source": [ @@ -1298,7 +1298,7 @@ }, { "cell_type": "code", - "execution_count": 42, + "execution_count": 12, "metadata": {}, "outputs": [ { @@ -1307,7 +1307,7 @@ "68733" ] }, - "execution_count": 42, + "execution_count": 12, "metadata": {}, "output_type": "execute_result" } @@ -1318,7 +1318,7 @@ }, { "cell_type": "code", - "execution_count": 43, + "execution_count": 13, "metadata": {}, "outputs": [], "source": [ @@ -1334,7 +1334,7 @@ }, { "cell_type": "code", - "execution_count": 44, + "execution_count": 14, "metadata": {}, "outputs": [], "source": [ @@ -1345,14 +1345,14 @@ }, { "cell_type": "code", - "execution_count": 45, + "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "58308 58308 58308\n" + "33368 33368 33368\n" ] } ], @@ -1369,7 +1369,7 @@ }, { "cell_type": "code", - "execution_count": 46, + "execution_count": 16, "metadata": {}, "outputs": [], "source": [ @@ -1410,7 +1410,7 @@ }, { "cell_type": "code", - "execution_count": 49, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ @@ -1419,7 +1419,7 @@ }, { "cell_type": "code", - "execution_count": 50, + "execution_count": 38, "metadata": {}, "outputs": [], "source": [ @@ -1428,7 +1428,7 @@ }, { "cell_type": "code", - "execution_count": 51, + "execution_count": 39, "metadata": {}, "outputs": [], "source": [ @@ -1446,19 +1446,9 @@ }, { "cell_type": "code", - "execution_count": 52, + "execution_count": 40, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/jonas/.local/lib/python3.6/site-packages/h5py/__init__.py:36: FutureWarning: Conversion of the second argument of issubdtype from `float` to `np.floating` is deprecated. In future, it will be treated as `np.float64 == np.dtype(float).type`.\n", - " from ._conv import register_converters as _register_converters\n", - "Using TensorFlow backend.\n" - ] - } - ], + "outputs": [], "source": [ "from sklearn.neural_network import MLPClassifier as MLP\n", "from sklearn.multiclass import OneVsRestClassifier as OVRC\n", @@ -1492,11 +1482,11 @@ " \n", " model.compile(loss='categorical_crossentropy',\n", " optimizer='sgd',\n", - " metrics=['accuracy'])\n", + " metrics=['accuracy'],)\n", " \n", " clf = OVRC(model) if ovrc else model\n", "\n", - " clf.fit(vec_train[:max_size].A, y1[:max_size], validation_split=0.2)#, sample_weight=y1_weights[:max_size])\n", + " clf.fit(vec_train[:max_size].A, y1[:max_size], validation_split=0.2, epochs=1)#, sample_weight=y1_weights[:max_size])\n", " \n", " return clf" ] @@ -1510,89 +1500,111 @@ "name": "stdout", "output_type": "stream", "text": [ - "Train on 8000 samples, validate on 2000 samples\n", + "Train on 24024 samples, validate on 6007 samples\n", "Epoch 1/1\n", - "8000/8000 [==============================] - 80s 10ms/step - loss: 1.0421 - acc: 0.7270 - val_loss: 1.0213 - val_acc: 0.7330\n" + " 8576/24024 [=========>....................] - ETA: 10:31 - loss: 1.0637 - acc: 0.7273" + ] + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mclf\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtrain\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mmax_size\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m100000\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0mlayers\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m6200\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'relu'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0my1\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mshape\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m'softmax'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m\u001b[0m in \u001b[0;36mtrain\u001b[0;34m(max_size, layers, random_state, ovrc, n_iter)\u001b[0m\n\u001b[1;32m 21\u001b[0m \u001b[0mclf\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mOVRC\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0movrc\u001b[0m \u001b[0;32melse\u001b[0m \u001b[0mmodel\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 22\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 23\u001b[0;31m \u001b[0mclf\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfit\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mvec_train\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0mmax_size\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mA\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my1\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0mmax_size\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mvalidation_split\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m0.2\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mepochs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;31m#, sample_weight=y1_weights[:max_size])\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 24\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 25\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mclf\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/keras/models.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, x, y, batch_size, epochs, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight, initial_epoch, steps_per_epoch, validation_steps, **kwargs)\u001b[0m\n\u001b[1;32m 1000\u001b[0m \u001b[0minitial_epoch\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0minitial_epoch\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1001\u001b[0m \u001b[0msteps_per_epoch\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0msteps_per_epoch\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1002\u001b[0;31m validation_steps=validation_steps)\n\u001b[0m\u001b[1;32m 1003\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1004\u001b[0m def evaluate(self, x=None, y=None,\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/keras/engine/training.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, x, y, batch_size, epochs, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight, initial_epoch, steps_per_epoch, validation_steps, **kwargs)\u001b[0m\n\u001b[1;32m 1703\u001b[0m \u001b[0minitial_epoch\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0minitial_epoch\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1704\u001b[0m \u001b[0msteps_per_epoch\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0msteps_per_epoch\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1705\u001b[0;31m validation_steps=validation_steps)\n\u001b[0m\u001b[1;32m 1706\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1707\u001b[0m def evaluate(self, x=None, y=None,\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/keras/engine/training.py\u001b[0m in \u001b[0;36m_fit_loop\u001b[0;34m(self, f, ins, out_labels, batch_size, epochs, verbose, callbacks, val_f, val_ins, shuffle, callback_metrics, initial_epoch, steps_per_epoch, validation_steps)\u001b[0m\n\u001b[1;32m 1234\u001b[0m \u001b[0mins_batch\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mins_batch\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtoarray\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1235\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1236\u001b[0;31m \u001b[0mouts\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mins_batch\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1237\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0misinstance\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mouts\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlist\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1238\u001b[0m \u001b[0mouts\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mouts\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/keras/backend/tensorflow_backend.py\u001b[0m in \u001b[0;36m__call__\u001b[0;34m(self, inputs)\u001b[0m\n\u001b[1;32m 2480\u001b[0m \u001b[0msession\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_session\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2481\u001b[0m updated = session.run(fetches=fetches, feed_dict=feed_dict,\n\u001b[0;32m-> 2482\u001b[0;31m **self.session_kwargs)\n\u001b[0m\u001b[1;32m 2483\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mupdated\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moutputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2484\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/tensorflow/python/client/session.py\u001b[0m in \u001b[0;36mrun\u001b[0;34m(self, fetches, feed_dict, options, run_metadata)\u001b[0m\n\u001b[1;32m 898\u001b[0m \u001b[0;32mtry\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 899\u001b[0m result = self._run(None, fetches, feed_dict, options_ptr,\n\u001b[0;32m--> 900\u001b[0;31m run_metadata_ptr)\n\u001b[0m\u001b[1;32m 901\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mrun_metadata\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 902\u001b[0m \u001b[0mproto_data\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtf_session\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mTF_GetBuffer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrun_metadata_ptr\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/tensorflow/python/client/session.py\u001b[0m in \u001b[0;36m_run\u001b[0;34m(self, handle, fetches, feed_dict, options, run_metadata)\u001b[0m\n\u001b[1;32m 1133\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mfinal_fetches\u001b[0m \u001b[0;32mor\u001b[0m \u001b[0mfinal_targets\u001b[0m \u001b[0;32mor\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mhandle\u001b[0m \u001b[0;32mand\u001b[0m \u001b[0mfeed_dict_tensor\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1134\u001b[0m results = self._do_run(handle, final_targets, final_fetches,\n\u001b[0;32m-> 1135\u001b[0;31m feed_dict_tensor, options, run_metadata)\n\u001b[0m\u001b[1;32m 1136\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1137\u001b[0m \u001b[0mresults\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/tensorflow/python/client/session.py\u001b[0m in \u001b[0;36m_do_run\u001b[0;34m(self, handle, target_list, fetch_list, feed_dict, options, run_metadata)\u001b[0m\n\u001b[1;32m 1314\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mhandle\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1315\u001b[0m return self._do_call(_run_fn, feeds, fetches, targets, options,\n\u001b[0;32m-> 1316\u001b[0;31m run_metadata)\n\u001b[0m\u001b[1;32m 1317\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1318\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_do_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0m_prun_fn\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mhandle\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfeeds\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfetches\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/tensorflow/python/client/session.py\u001b[0m in \u001b[0;36m_do_call\u001b[0;34m(self, fn, *args)\u001b[0m\n\u001b[1;32m 1320\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_do_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfn\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m*\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1321\u001b[0m \u001b[0;32mtry\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1322\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mfn\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1323\u001b[0m \u001b[0;32mexcept\u001b[0m \u001b[0merrors\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mOpError\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0me\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1324\u001b[0m \u001b[0mmessage\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mcompat\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mas_text\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0me\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmessage\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/tensorflow/python/client/session.py\u001b[0m in \u001b[0;36m_run_fn\u001b[0;34m(feed_dict, fetch_list, target_list, options, run_metadata)\u001b[0m\n\u001b[1;32m 1305\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_extend_graph\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1306\u001b[0m return self._call_tf_sessionrun(\n\u001b[0;32m-> 1307\u001b[0;31m options, feed_dict, fetch_list, target_list, run_metadata)\n\u001b[0m\u001b[1;32m 1308\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1309\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_prun_fn\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mhandle\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfeed_dict\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfetch_list\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/.local/lib/python3.6/site-packages/tensorflow/python/client/session.py\u001b[0m in \u001b[0;36m_call_tf_sessionrun\u001b[0;34m(self, options, feed_dict, fetch_list, target_list, run_metadata)\u001b[0m\n\u001b[1;32m 1407\u001b[0m return tf_session.TF_SessionRun_wrapper(\n\u001b[1;32m 1408\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_session\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moptions\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfeed_dict\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfetch_list\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtarget_list\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1409\u001b[0;31m run_metadata)\n\u001b[0m\u001b[1;32m 1410\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1411\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0merrors\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mraise_exception_on_not_ok_status\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mstatus\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " ] } ], "source": [ - "clf = train(max_size=10000,layers=[(1200, 'relu'),(1200,'relu'),(y1[0].shape[0],'softmax')])" + "clf = train(max_size=10000,layers=[(6200, 'relu'),(y1[0].shape[0],'softmax')])" ] }, { "cell_type": "code", - "execution_count": 55, + "execution_count": 43, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "10237 How much do you know about the y...\n", - "45851 She said she don't start until Friday \n", - "28327 Ryane just told me to not stress because it's ...\n", - "22017 Meet Asian & Russian Beauty From Here Fi...\n", - "23341 What do u mean \n", - "42942 ┊ ✲~┊ ✲...\n", - "28320 Woot woot leafs win \n", - "26801 we’re here for you and you know that, y...\n", - "66054 gm Mailand have an awesome day \n", - "64440 Happy halloween \n", - "1695 BARCELONA SPOING CLUB \n", - "57848 I will purchase a few things because I love th...\n", - "6174 Ah I'll let you off then ! \n", - "9295 just the idea of empowering women is so...\n", - "48858 Damn!! People late on the thing. This t...\n", - "17032 I miss u \n", - "30856 I just want to be with you always \n", - "56964 when you can’t fall asleep because you just ca...\n", - "64594 less than 24hrs until the big 21\n", - "14707 were furry trash \n", - "54005 At this point, I will break the bank \n", - "60411 Thank not me! \n", - "59436 when u finally get a new nigga and all yo old ...\n", - "1264 I was a Nintendo boy my friend down the...\n", - "42327 Rabbit rabbit white rabbit. May everything goe...\n", - "39441 rainy morning 🌧\n", - "17380 I'm glad it arrived safely!! Thank you ...\n", - "51558 Been in this drive through for 15 minutes Sti...\n", - "24223 I'm looking into it!!! \n", - "31673 Seokjin's just standing there & steal my ...\n", + "61236 Look at you!! Smart and beautiful \n", + "66498 Missing home \n", + "3920 Lmfao \n", + "10415 thats true.. \n", + "61218 wrong \n", + "49421 Lmao no o, it's almost 8pm. Cheating time \n", + "44693 noted \n", + "21987 Lol the stupid question mark boxes ruined my t...\n", + "6458 She look just like u \n", + "18291 Popeyes chicken with a KFC biscuit though \n", + "21859 Still so unreal that my man an i have our own ...\n", + "103 That’s what I said when I seen it that’s craz...\n", + "68215 dnt really knw what jst happened \n", + "66229 im so tired but not after seeing him \n", + "58987 As if I don't know \n", + "1272 Hahaha was it big? I’m not afraid of sp...\n", + "57222 Me seeing pics of my abusive ex with a kitten:...\n", + "43792 hey how is it going in Lucca? Wish I wa...\n", + "2041 Feeling so positive for weigh in \n", + "41344 Yeah I knocked the fuck out \n", + "5932 Would rather watch and the boys thanks \n", + "12743 Ralph Angel pissy drunk to drown out the hurt ...\n", + "31462 & sis he don’t fuck with you !!! 🗣 \n", + "59079 I just need to know!!\n", + "57842 did all the butt stuff with and ...\n", + "8144 Sometimes my life is interesting \n", + "60991 Can I just say, I rlly fckin love ur pr...\n", + "54675 yeahwhat was she doing?\n", + "50329 Hahaha so give her befor a Starb...\n", + "55947 Damn! Right before he brought pe...\n", " ... \n", - "29591 Lmfao he’s gonna wake up to 17 messages about ...\n", - "52608 The seaweed is always greener in somebody else...\n", - "22482 I can!\n", - "552 This is actually true. I like my rooibos black...\n", - "48523 Also the Punjabi in ke is dying ...\n", - "61773 Always make me cry always hurting me always ma...\n", - "61578 Thank you so much!!! \n", - "34541 I am here for this \n", - "2485 Yes bambz \n", - "35802 Don’t give up just yet.\n", - "8504 HAPPY BIHDAY \n", - "3403 any dates of south america??? \n", - "53606 So nice honey\n", - "6234 my boyfriend and my sister are gonna be here f...\n", - "5030 Thanks! And definitely\n", + "9155 Hahaha true!! I didn't notice that ! \n", + "44871 and 'poof' .. He'll be great \n", + "42359 Going to a salon to have my hair cut tonight a...\n", + "7957 Don’t try to fwm I will ignore the shit out of...\n", + "42418 Class when your car gives up on you the day be...\n", + "11077 Hi ♡Ur the reason that I smile everyday...\n", + "20842 See you then \n", + "46515 I wrote all my cards today \n", + "29521 Oml!! That kitty n...\n", + "24751 me and my mom are watching pickler and ...\n", + "67690 Lmao havent eaten kapana in months\n", + "51642 We do out best, don't we? \n", + "39359 nahhhhh, that’s what fans are for \n", + "965 Fuck you! I’m so jealous \n", + "60335 Good ur getting th...\n", + "4447 I don't think so but they are v good Th...\n", + "62531 can I just say y'all coming @ me for that post...\n", + "14965 I know I need you too \n", + "6004 Got me a Benihana date \n", + "11002 My only captain\n", + "8944 Come join our small digi team as to ...\n", + "11353 What a catch that was!A sprint with a dive! WO...\n", + "62892 Bit like the gunners then no def...\n", + "6238 He's a horrible horrible dad \n", + "16551 “Infinity” \n", + "38812 they be killing me\n", "46147 Y'all will roast my ass. Akhant \n", - "6445 Click here to watch it: MILF Phoenix Marie ta...\n", - "65485 Would have broke it\n", - "36002 Okinnam\n", - "53927 Thats my crew, I'd fit right in with th...\n", - "53701 Lol they saving it for match day \n", - "3549 Nooo after tonight we can be friends ag...\n", - "9393 Amazing the media trying to politics a terror ...\n", - "67371 Got so many compliments on our costumes tonigh...\n", - "22173 The Shoes...\n", - "26422 Happy Birthday today to Rep. Bruce Antone and ...\n", - "41219 Good morning sex \n", - "37447 My baby so cute ❤️ \n", - "21608 My week on Twitter : 1 Tweet. See yours with \n", - "1594 It’s fair to say I ruined my life a few times ...\n", - "Name: text, Length: 52477, dtype: object" + "65314 If this was America supporters would...\n", + "37843 That double \n", + "2921 Fucking up a correction, GG chalks \n", + "Name: text, Length: 30031, dtype: object" ] }, - "execution_count": 55, + "execution_count": 43, "metadata": {}, "output_type": "execute_result" } @@ -1610,7 +1622,7 @@ }, { "cell_type": "code", - "execution_count": 56, + "execution_count": 44, "metadata": {}, "outputs": [], "source": [ @@ -1619,22 +1631,22 @@ }, { "cell_type": "code", - "execution_count": 57, + "execution_count": 45, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "array([[0.49225155, 0.22154534, 0.28620324],\n", - " [0.4917669 , 0.22080076, 0.28743234],\n", - " [0.49208197, 0.22085808, 0.28705996],\n", + "array([[0.45662233, 0.2710931 , 0.27228457],\n", + " [0.4544683 , 0.27005136, 0.2754803 ],\n", + " [0.45572498, 0.2714926 , 0.27278242],\n", " ...,\n", - " [0.48990184, 0.22155353, 0.28854463],\n", - " [0.49245682, 0.22013731, 0.28740585],\n", - " [0.4891684 , 0.2214878 , 0.2893438 ]], dtype=float32)" + " [0.4522461 , 0.27333662, 0.2744173 ],\n", + " [0.45729154, 0.26964816, 0.27306038],\n", + " [0.45031306, 0.2748751 , 0.2748118 ]], dtype=float32)" ] }, - "execution_count": 57, + "execution_count": 45, "metadata": {}, "output_type": "execute_result" } @@ -1645,19 +1657,21 @@ }, { "cell_type": "code", - "execution_count": 59, + "execution_count": 49, "metadata": {}, "outputs": [], "source": [ "# build a dataframe to visualize test results:\n", "testlist = pd.DataFrame({'text': Xt1, \n", " 'teacher': sent2emoji(yt1),\n", - " 'predict': sent2emoji(pred)})" + " 'teacher_sentiment': yt1.tolist(),\n", + " 'predict': sent2emoji(pred),\n", + " 'predicted_sentiment': pred.tolist()})" ] }, { "cell_type": "code", - "execution_count": 60, + "execution_count": 50, "metadata": {}, "outputs": [ { @@ -1682,447 +1696,697 @@ " \n", " \n", " predict\n", + " predicted_sentiment\n", " teacher\n", + " teacher_sentiment\n", " text\n", " \n", " \n", " \n", " \n", - " 62474\n", - " 😂\n", - " 🙋\n", - " Lovely\n", - " \n", - " \n", - " 11750\n", - " 😂\n", - " 😂\n", - " ☝ child they told that to slaves and look what...\n", - " \n", - " \n", - " 316\n", - " 😂\n", - " 😂\n", - " Only in Wisconsin\n", - " \n", - " \n", - " 33553\n", - " 😂\n", - " 🙏\n", - " : Barboursville For Taxi 703-445-4450\n", - " \n", - " \n", - " 1566\n", - " 😂\n", - " 😏\n", - " who cares anyway\n", - " \n", - " \n", - " 54842\n", - " 😂\n", - " 😭\n", - " <USER> first it was spratt then faze spratt th...\n", - " \n", - " \n", - " 16711\n", - " 😂\n", - " 😚\n", - " I will forever love the Dodgers! BLEED BLUE t...\n", - " \n", - " \n", - " 52129\n", - " 😂\n", - " 😊\n", - " ok she nailed this ‍️\n", - " \n", - " \n", - " 66914\n", - " 😂\n", - " 🙆\n", - " time to create the Christmas playlist\n", - " \n", - " \n", - " 42046\n", - " 😂\n", - " 😍\n", - " Penultimate <HASHTAG> of the 2017 race season!...\n", - " \n", - " \n", - " 13783\n", - " 😂\n", - " 😊\n", - " hey friends i need space 2nite. happy 11-1! lo...\n", - " \n", - " \n", - " 4034\n", - " 😂\n", + " 7618\n", + " 😬\n", + " [0.45662233233451843, 0.27109310030937195, 0.2...\n", " 😒\n", - " Sombitch! 3.5 secs left an the goddamn 2K serv...\n", + " [0.21660649819494585, 0.5913357400722021, 0.19...\n", + " There's fucking snow outside\n", " \n", " \n", - " 9773\n", + " 6910\n", + " 😱\n", + " [0.454468309879303, 0.27005136013031006, 0.275...\n", " 😂\n", - " 😏\n", - " sounds great..\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> You look so animated bro! *Rimshot*, Ge...\n", " \n", " \n", - " 27593\n", - " 😂\n", - " 😴\n", - " what happens after I give babe a massage\n", - " \n", - " \n", - " 22601\n", - " 😂\n", - " 🙏\n", - " <USER> Thank you\n", - " \n", - " \n", - " 64332\n", - " 😂\n", - " 😚\n", - " <USER> I love you I'm so proud of you\n", - " \n", - " \n", - " 23677\n", - " 😂\n", - " 🙋\n", - " <USER> <USER> Love how your coffee bags pop up...\n", - " \n", - " \n", - " 1530\n", - " 😂\n", + " 35783\n", + " 😬\n", + " [0.4557249844074249, 0.271492600440979, 0.2727...\n", " 😭\n", - " <USER> I know\n", + " [0.34310532030401736, 0.4364820846905538, 0.22...\n", + " <USER> Jon ordered it from a restaurant\n", " \n", " \n", - " 38375\n", - " 😂\n", - " 😏\n", - " <USER> Xmas songs all the way! I got a new chr...\n", + " 15623\n", + " 😬\n", + " [0.4551065266132355, 0.27315083146095276, 0.27...\n", + " 😅\n", + " [0.47186147186147187, 0.2922077922077922, 0.23...\n", + " I just want to move back in with my mom\n", " \n", " \n", - " 37403\n", - " 😂\n", - " 🙆\n", - " 54 days until Christmas!!\n", - " \n", - " \n", - " 52706\n", - " 😂\n", - " 🙏\n", - " \"November comesAnd November goes, With the las...\n", - " \n", - " \n", - " 9628\n", - " 😂\n", + " 12023\n", + " 😱\n", + " [0.44956669211387634, 0.2718639373779297, 0.27...\n", " 😭\n", - " <USER> You want me dead\n", + " [0.34310532030401736, 0.4364820846905538, 0.22...\n", + " guys lets vote!!!\n", " \n", " \n", - " 41270\n", + " 15763\n", + " 😱\n", + " [0.4546020030975342, 0.27004513144493103, 0.27...\n", " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " Bruhhhh this man need a show ASAP!!!\n", + " \n", + " \n", + " 57240\n", + " 😱\n", + " [0.4514758884906769, 0.2734237313270569, 0.275...\n", + " 😎\n", + " [0.5981432360742706, 0.10477453580901856, 0.29...\n", + " AND THE RICH SIT IN A LOW PLACE\n", + " \n", + " \n", + " 2418\n", + " 😬\n", + " [0.4555293321609497, 0.2700120508670807, 0.274...\n", + " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " Time to go to bed\n", + " \n", + " \n", + " 66384\n", + " 😬\n", + " [0.4541899561882019, 0.27133306860923767, 0.27...\n", " 😍\n", - " Finally arrived Thank you so much <USER> So ...\n", + " [0.7296744771190439, 0.05173769460607014, 0.21...\n", + " May sound like a hillbilly, but girls that can...\n", " \n", " \n", - " 56276\n", + " 44639\n", + " 😬\n", + " [0.45672306418418884, 0.2679496109485626, 0.27...\n", " 😂\n", - " 😂\n", - " Omfg this is amazing\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> <USER> <USER> IM DYING\n", " \n", " \n", - " 14805\n", - " 😂\n", - " 😊\n", - " Finding my <HASHTAG> need it now\n", + " 54463\n", + " 😱\n", + " [0.45094504952430725, 0.2715355157852173, 0.27...\n", + " 🙌\n", + " [0.6613545816733067, 0.10092961487383798, 0.23...\n", + " Black forest hot chocolate is coming back to C...\n", " \n", " \n", - " 1275\n", - " 😂\n", - " 😊\n", - " <USER> happy birthday\n", + " 38407\n", + " 😱\n", + " [0.45006927847862244, 0.2722932994365692, 0.27...\n", + " 😎\n", + " [0.5981432360742706, 0.10477453580901856, 0.29...\n", + " 5 days till my 21st.\n", " \n", " \n", - " 30821\n", - " 😂\n", - " 😌\n", - " <USER> better stock up, quenouille season is c...\n", + " 31342\n", + " 😬\n", + " [0.45655250549316406, 0.26978597044944763, 0.2...\n", + " 😄\n", + " [0.5586552217453505, 0.13662374821173104, 0.30...\n", + " <USER> I'm just going to leave my Twitter acct...\n", " \n", " \n", - " 36974\n", + " 41255\n", + " 😱\n", + " [0.45397621393203735, 0.27026963233947754, 0.2...\n", " 😂\n", - " 😂\n", - " i always think miguel is saying \"black power\" ...\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " Oh god im so happy\n", " \n", " \n", - " 31270\n", - " 😂\n", - " 😚\n", - " <USER> so proud\n", - " \n", - " \n", - " 21672\n", - " 😂\n", + " 19686\n", + " 😱\n", + " [0.4501204788684845, 0.27288398146629333, 0.27...\n", " 😭\n", - " <USER> snapchat chick ?\n", + " [0.34310532030401736, 0.4364820846905538, 0.22...\n", + " In my head\n", + " \n", + " \n", + " 67193\n", + " 😱\n", + " [0.45182353258132935, 0.2724774479866028, 0.27...\n", + " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> Jo, chilllllllll. This kid is mentally...\n", + " \n", + " \n", + " 40650\n", + " 😱\n", + " [0.45002350211143494, 0.2710316777229309, 0.27...\n", + " 😇\n", + " [0.6666666666666666, 0.06666666666666667, 0.26...\n", + " I’m ready sis\n", + " \n", + " \n", + " 64416\n", + " 😱\n", + " [0.45193251967430115, 0.2698008418083191, 0.27...\n", + " 😊\n", + " [0.7040175768989329, 0.059322033898305086, 0.2...\n", + " Sometimes we need to know how to respect our p...\n", + " \n", + " \n", + " 19525\n", + " 😱\n", + " [0.45155930519104004, 0.27194666862487793, 0.2...\n", + " 🙆\n", + " [0.5964912280701754, 0.08771929824561403, 0.31...\n", + " Right?\n", + " \n", + " \n", + " 39024\n", + " 😱\n", + " [0.4556638300418854, 0.26780301332473755, 0.27...\n", + " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> priceless love how <USER> got back at ...\n", + " \n", + " \n", + " 35342\n", + " 😱\n", + " [0.452972412109375, 0.27151480317115784, 0.275...\n", + " 😫\n", + " [0.3404710920770878, 0.4860813704496788, 0.173...\n", + " <USER> Right\n", + " \n", + " \n", + " 9715\n", + " 😱\n", + " [0.4522416293621063, 0.2719023823738098, 0.275...\n", + " 😇\n", + " [0.6666666666666666, 0.06666666666666667, 0.26...\n", + " Opo pang i will!\n", + " \n", + " \n", + " 40490\n", + " 😬\n", + " [0.4545004665851593, 0.27230802178382874, 0.27...\n", + " 😮\n", + " [0.45555555555555555, 0.17777777777777778, 0.3...\n", + " <USER> WOW whomever was tasked with vetting a...\n", + " \n", + " \n", + " 22064\n", + " 😬\n", + " [0.4601033926010132, 0.2683771550655365, 0.271...\n", + " 😍\n", + " [0.7296744771190439, 0.05173769460607014, 0.21...\n", + " Thank you <USER> !\n", + " \n", + " \n", + " 53563\n", + " 😱\n", + " [0.45222631096839905, 0.2727421224117279, 0.27...\n", + " 😄\n", + " [0.5586552217453505, 0.13662374821173104, 0.30...\n", + " Dat daurin Dan kwali from behind is the real ...\n", + " \n", + " \n", + " 67332\n", + " 😬\n", + " [0.45455402135849, 0.27052536606788635, 0.2749...\n", + " 😪\n", + " [0.3506224066390041, 0.4315352697095436, 0.217...\n", + " I miss my baby so much ♥️\n", + " \n", + " \n", + " 15404\n", + " 😱\n", + " [0.45141908526420593, 0.2713443338871002, 0.27...\n", + " 😕\n", + " [0.20294117647058824, 0.6029411764705882, 0.19...\n", + " alright i'm gonna go take a shower, let me kno...\n", + " \n", + " \n", + " 30130\n", + " 😬\n", + " [0.4556472599506378, 0.2695685029029846, 0.274...\n", + " 😳\n", + " [0.34515366430260047, 0.32742316784869974, 0.3...\n", + " <USER> and neither are buying her music\n", + " \n", + " \n", + " 37242\n", + " 😬\n", + " [0.4568144977092743, 0.27149033546447754, 0.27...\n", + " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> I saw that too as well! I feel to have ...\n", + " \n", + " \n", + " 30533\n", + " 😬\n", + " [0.45350709557533264, 0.27462711930274963, 0.2...\n", + " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " I had a mental break down but I’m back like hey\n", " \n", " \n", " ...\n", " ...\n", " ...\n", " ...\n", + " ...\n", + " ...\n", " \n", " \n", - " 6464\n", - " 😂\n", - " 😂\n", - " <USER> <USER> Actually I don’t think that woul...\n", - " \n", - " \n", - " 14439\n", - " 😂\n", - " 😛\n", - " happy birthday to a really great friend, hope ...\n", - " \n", - " \n", - " 30789\n", - " 😂\n", - " 😏\n", - " Might fuck around and not turn in my library b...\n", - " \n", - " \n", - " 37129\n", - " 😂\n", - " 😀\n", - " My lil baby sick and it’s making me sad, I den...\n", - " \n", - " \n", - " 61305\n", - " 😂\n", - " 😃\n", - " Love our customers...always on the go! ❤️ TRO...\n", - " \n", - " \n", - " 4821\n", - " 😂\n", - " 🙌\n", - " God bless whoever you marry!\n", - " \n", - " \n", - " 6509\n", - " 😂\n", - " 😸\n", - " j-u-v-e: On 1 November, Juventus turns 120! H...\n", - " \n", - " \n", - " 41347\n", - " 😂\n", - " 😊\n", - " <USER> Yeah, sunshine, I promise I love you a...\n", - " \n", - " \n", - " 15368\n", - " 😂\n", - " 🙌\n", - " You ain't ever made love, You just wanted some...\n", - " \n", - " \n", - " 22594\n", - " 😂\n", - " 😂\n", - " This whole lingerie thing is funny sha\n", - " \n", - " \n", - " 61471\n", - " 😂\n", - " 😚\n", - " <USER> Wooo congrats buddy!\n", - " \n", - " \n", - " 63724\n", - " 😂\n", - " 😉\n", - " Early mornings\n", - " \n", - " \n", - " 7399\n", - " 😂\n", - " 😭\n", - " <USER> <USER> So Sad\n", - " \n", - " \n", - " 8262\n", - " 😂\n", - " 😀\n", - " But opening up means trusting others.And that'...\n", - " \n", - " \n", - " 61430\n", - " 😂\n", - " 😚\n", - " bambam pink hair❤️\n", - " \n", - " \n", - " 59747\n", - " 😂\n", - " 😂\n", - " Nah last nights game was well worth my months ...\n", - " \n", - " \n", - " 47655\n", - " 😂\n", - " 😚\n", - " <USER> wish your many more happy returns of th...\n", - " \n", - " \n", - " 30992\n", - " 😂\n", - " 😶\n", - " my heart breaks into a million pieces every mo...\n", - " \n", - " \n", - " 2204\n", - " 😂\n", + " 16955\n", + " 😱\n", + " [0.45130616426467896, 0.2745077311992645, 0.27...\n", " 🙏\n", - " Call Congress (202) 224-3121 <HASHTAG> <HASHTA...\n", + " [0.4983755685510071, 0.08057179987004548, 0.42...\n", + " Bless up Esquivel finally update aeries\n", " \n", " \n", - " 41224\n", + " 36805\n", + " 😬\n", + " [0.4585663378238678, 0.26974013447761536, 0.27...\n", " 😂\n", - " 😂\n", - " I love Lucas’s sister! ❤️ Erica is so funny!\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> <USER> <USER> Look just like my Mizuno ...\n", " \n", " \n", - " 65180\n", - " 😂\n", - " 😁\n", - " <USER> PULL THRU JELLYBEAN\n", + " 56326\n", + " 😱\n", + " [0.45519477128982544, 0.2686183452606201, 0.27...\n", + " 😢\n", + " [0.39118825100133514, 0.38451268357810414, 0.2...\n", + " This felt like it happened yesterday. <HASHTAG>\n", " \n", " \n", - " 48319\n", - " 😂\n", + " 40306\n", + " 😱\n", + " [0.449861079454422, 0.2748417556285858, 0.2752...\n", + " 😍\n", + " [0.7296744771190439, 0.05173769460607014, 0.21...\n", + " Our Guest photo this week highlights the beaut...\n", + " \n", + " \n", + " 51333\n", + " 😱\n", + " [0.4518674910068512, 0.2723572850227356, 0.275...\n", + " 😌\n", + " [0.6240601503759399, 0.13984962406015036, 0.23...\n", + " I need to see what “the stranger things” is ab...\n", + " \n", + " \n", + " 42339\n", + " 😬\n", + " [0.4573005437850952, 0.2696344256401062, 0.273...\n", + " 😔\n", + " [0.31784232365145226, 0.46390041493775935, 0.2...\n", + " <USER> Plz can u make me a pc I don’t have eno...\n", + " \n", + " \n", + " 7644\n", + " 😱\n", + " [0.4539974331855774, 0.2710561156272888, 0.274...\n", + " 😧\n", + " [0.32608695652173914, 0.391304347826087, 0.282...\n", + " <USER> this is insulting\n", + " \n", + " \n", + " 13953\n", + " 😱\n", + " [0.4520905911922455, 0.27237412333488464, 0.27...\n", + " 😐\n", + " [0.16296296296296298, 0.5555555555555556, 0.28...\n", + " I know this might sound crazy but I rather Don...\n", + " \n", + " \n", + " 26460\n", + " 😱\n", + " [0.4516184329986572, 0.2706548869609833, 0.277...\n", + " 😛\n", + " [0.6909090909090909, 0.08181818181818182, 0.22...\n", + " Just a couple of cute pugs hanging out\n", + " \n", + " \n", + " 31571\n", + " 😱\n", + " [0.4516292214393616, 0.2722293734550476, 0.276...\n", + " 😒\n", + " [0.21660649819494585, 0.5913357400722021, 0.19...\n", + " <USER> She knows nothing will happen to her.. ...\n", + " \n", + " \n", + " 9536\n", + " 😱\n", + " [0.45403042435646057, 0.27084800601005554, 0.2...\n", " 😭\n", - " i miss the snickerdoodle swirl from <USER> so ...\n", + " [0.34310532030401736, 0.4364820846905538, 0.22...\n", + " <USER> happy raisin\n", " \n", " \n", - " 19825\n", - " 😂\n", - " 😋\n", - " I love you- and I really do.\n", + " 19571\n", + " 😱\n", + " [0.45092839002609253, 0.273369699716568, 0.275...\n", + " 😡\n", + " [0.35978835978835977, 0.533068783068783, 0.107...\n", + " I'm so disappointed\n", " \n", " \n", - " 63387\n", + " 35934\n", + " 😱\n", + " [0.45402011275291443, 0.2693026065826416, 0.27...\n", " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> <USER> Nailed it.\n", + " \n", + " \n", + " 4605\n", + " 😬\n", + " [0.45629507303237915, 0.2681595981121063, 0.27...\n", + " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> oh it’s more than a thing!\n", + " \n", + " \n", + " 1913\n", + " 😬\n", + " [0.45600560307502747, 0.26834917068481445, 0.2...\n", + " 😭\n", + " [0.34310532030401736, 0.4364820846905538, 0.22...\n", + " <USER> stop it\n", + " \n", + " \n", + " 11827\n", + " 😬\n", + " [0.45951539278030396, 0.26939070224761963, 0.2...\n", + " 😄\n", + " [0.5586552217453505, 0.13662374821173104, 0.30...\n", + " Have an awesome <HASHTAG> ❤️ <HASHTAG>\n", + " \n", + " \n", + " 15181\n", + " 😬\n", + " [0.4616319239139557, 0.2665380537509918, 0.271...\n", + " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> when I see elbows ?\n", + " \n", + " \n", + " 32869\n", + " 😬\n", + " [0.45471736788749695, 0.27229392528533936, 0.2...\n", " 😹\n", - " Love huvin Mason, can steal aw his Halloween s...\n", + " [0.4406779661016949, 0.2983050847457627, 0.261...\n", + " Damn Jani back at it again with the BB-8 costu...\n", " \n", " \n", - " 33798\n", - " 😂\n", - " 😏\n", - " 80/0 at the end of 10 overs - Shikhar Dhawan ...\n", + " 40784\n", + " 😬\n", + " [0.45305681228637695, 0.2729623019695282, 0.27...\n", + " 😻\n", + " [0.6906474820143885, 0.0671462829736211, 0.242...\n", + " I think a big part of the reason Nick Wilde is...\n", " \n", " \n", - " 63144\n", + " 18611\n", + " 😱\n", + " [0.4504826068878174, 0.27414649724960327, 0.27...\n", " 😂\n", - " 🙋\n", - " Stoping for a few in between 12 hr shifts is p...\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " My 12 year old brother on Altuve- “he’s like t...\n", " \n", " \n", - " 5185\n", + " 28341\n", + " 😱\n", + " [0.45293256640434265, 0.27156686782836914, 0.2...\n", " 😂\n", - " 😏\n", - " When a band member of Volumes actually adds yo...\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> Bruh like how she know the exact number?\n", " \n", " \n", - " 65919\n", + " 41368\n", + " 😱\n", + " [0.4524029791355133, 0.27189141511917114, 0.27...\n", " 😂\n", - " 😶\n", - " <USER> <USER> Evil sick humans what a world we...\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " They starting early\n", " \n", " \n", - " 27834\n", - " 😂\n", - " 😂\n", - " <USER> I always thought it was <USER>\n", + " 35554\n", + " 😬\n", + " [0.45386624336242676, 0.2720849812030792, 0.27...\n", + " 😩\n", + " [0.22289823008849557, 0.5912610619469026, 0.18...\n", + " Please come through <USER>\n", " \n", " \n", - " 57241\n", + " 27968\n", + " 😬\n", + " [0.4601033926010132, 0.2683771550655365, 0.271...\n", + " 😍\n", + " [0.7296744771190439, 0.05173769460607014, 0.21...\n", + " <USER> Thank you\n", + " \n", + " \n", + " 36772\n", + " 😱\n", + " [0.45253145694732666, 0.2714029550552368, 0.27...\n", + " 😳\n", + " [0.34515366430260047, 0.32742316784869974, 0.3...\n", + " Imagine if the Vikings had a top 10 QB\n", + " \n", + " \n", + " 7568\n", + " 😱\n", + " [0.4514819085597992, 0.27036288380622864, 0.27...\n", + " 😭\n", + " [0.34310532030401736, 0.4364820846905538, 0.22...\n", + " Le costume de cupcakke.......\n", + " \n", + " \n", + " 62837\n", + " 😬\n", + " [0.4553525149822235, 0.27044105529785156, 0.27...\n", " 😂\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " <USER> aM FKXNSK SCREAMING ODM\n", + " \n", + " \n", + " 34105\n", + " 😱\n", + " [0.4522460997104645, 0.27333661913871765, 0.27...\n", + " 😇\n", + " [0.6666666666666666, 0.06666666666666667, 0.26...\n", + " My birthday tomorrow\n", + " \n", + " \n", + " 59069\n", + " 😬\n", + " [0.45729154348373413, 0.26964816451072693, 0.2...\n", + " 😉\n", + " [0.5634451019066403, 0.0992767915844839, 0.337...\n", + " im just tryna change your life\n", + " \n", + " \n", + " 47088\n", + " 😱\n", + " [0.4503130614757538, 0.27487510442733765, 0.27...\n", " 😂\n", - " <USER> <USER> I thought u meant the show neve...\n", + " [0.46813021474490496, 0.24716181096977158, 0.2...\n", + " Do I look like I’m off 79th . Foh\n", " \n", " \n", "\n", - "

5831 rows × 3 columns

\n", + "

3337 rows × 5 columns

\n", "" ], "text/plain": [ - " predict teacher text\n", - "62474 😂 🙋 Lovely \n", - "11750 😂 😂 ☝ child they told that to slaves and look what...\n", - "316 😂 😂 Only in Wisconsin \n", - "33553 😂 🙏 : Barboursville For Taxi 703-445-4450 \n", - "1566 😂 😏 who cares anyway \n", - "54842 😂 😭 first it was spratt then faze spratt th...\n", - "16711 😂 😚 I will forever love the Dodgers! BLEED BLUE t...\n", - "52129 😂 😊 ok she nailed this ‍️ \n", - "66914 😂 🙆 time to create the Christmas playlist \n", - "42046 😂 😍 Penultimate of the 2017 race season!...\n", - "13783 😂 😊 hey friends i need space 2nite. happy 11-1! lo...\n", - "4034 😂 😒 Sombitch! 3.5 secs left an the goddamn 2K serv...\n", - "9773 😂 😏 sounds great.. \n", - "27593 😂 😴 what happens after I give babe a massage \n", - "22601 😂 🙏 Thank you \n", - "64332 😂 😚 I love you I'm so proud of you \n", - "23677 😂 🙋 Love how your coffee bags pop up...\n", - "1530 😂 😭 I know \n", - "38375 😂 😏 Xmas songs all the way! I got a new chr...\n", - "37403 😂 🙆 54 days until Christmas!! \n", - "52706 😂 🙏 \"November comesAnd November goes, With the las...\n", - "9628 😂 😭 You want me dead \n", - "41270 😂 😍 Finally arrived Thank you so much So ...\n", - "56276 😂 😂 Omfg this is amazing \n", - "14805 😂 😊 Finding my need it now \n", - "1275 😂 😊 happy birthday\n", - "30821 😂 😌 better stock up, quenouille season is c...\n", - "36974 😂 😂 i always think miguel is saying \"black power\" ...\n", - "31270 😂 😚 so proud \n", - "21672 😂 😭 snapchat chick ? \n", - "... ... ... ...\n", - "6464 😂 😂 Actually I don’t think that woul...\n", - "14439 😂 😛 happy birthday to a really great friend, hope ...\n", - "30789 😂 😏 Might fuck around and not turn in my library b...\n", - "37129 😂 😀 My lil baby sick and it’s making me sad, I den...\n", - "61305 😂 😃 Love our customers...always on the go! ❤️ TRO...\n", - "4821 😂 🙌 God bless whoever you marry! \n", - "6509 😂 😸 j-u-v-e: On 1 November, Juventus turns 120! H...\n", - "41347 😂 😊 Yeah, sunshine, I promise I love you a...\n", - "15368 😂 🙌 You ain't ever made love, You just wanted some...\n", - "22594 😂 😂 This whole lingerie thing is funny sha \n", - "61471 😂 😚 Wooo congrats buddy!\n", - "63724 😂 😉 Early mornings \n", - "7399 😂 😭 So Sad \n", - "8262 😂 😀 But opening up means trusting others.And that'...\n", - "61430 😂 😚 bambam pink hair❤️\n", - "59747 😂 😂 Nah last nights game was well worth my months ...\n", - "47655 😂 😚 wish your many more happy returns of th...\n", - "30992 😂 😶 my heart breaks into a million pieces every mo...\n", - "2204 😂 🙏 Call Congress (202) 224-3121 PULL THRU JELLYBEAN \n", - "48319 😂 😭 i miss the snickerdoodle swirl from so ...\n", - "19825 😂 😋 I love you- and I really do. \n", - "63387 😂 😹 Love huvin Mason, can steal aw his Halloween s...\n", - "33798 😂 😏 80/0 at the end of 10 overs - Shikhar Dhawan ...\n", - "63144 😂 🙋 Stoping for a few in between 12 hr shifts is p...\n", - "5185 😂 😏 When a band member of Volumes actually adds yo...\n", - "65919 😂 😶 Evil sick humans what a world we...\n", - "27834 😂 😂 I always thought it was \n", - "57241 😂 😂 I thought u meant the show neve...\n", + " predict predicted_sentiment teacher \\\n", + "7618 😬 [0.45662233233451843, 0.27109310030937195, 0.2... 😒 \n", + "6910 😱 [0.454468309879303, 0.27005136013031006, 0.275... 😂 \n", + "35783 😬 [0.4557249844074249, 0.271492600440979, 0.2727... 😭 \n", + "15623 😬 [0.4551065266132355, 0.27315083146095276, 0.27... 😅 \n", + "12023 😱 [0.44956669211387634, 0.2718639373779297, 0.27... 😭 \n", + "15763 😱 [0.4546020030975342, 0.27004513144493103, 0.27... 😂 \n", + "57240 😱 [0.4514758884906769, 0.2734237313270569, 0.275... 😎 \n", + "2418 😬 [0.4555293321609497, 0.2700120508670807, 0.274... 😂 \n", + "66384 😬 [0.4541899561882019, 0.27133306860923767, 0.27... 😍 \n", + "44639 😬 [0.45672306418418884, 0.2679496109485626, 0.27... 😂 \n", + "54463 😱 [0.45094504952430725, 0.2715355157852173, 0.27... 🙌 \n", + "38407 😱 [0.45006927847862244, 0.2722932994365692, 0.27... 😎 \n", + "31342 😬 [0.45655250549316406, 0.26978597044944763, 0.2... 😄 \n", + "41255 😱 [0.45397621393203735, 0.27026963233947754, 0.2... 😂 \n", + "19686 😱 [0.4501204788684845, 0.27288398146629333, 0.27... 😭 \n", + "67193 😱 [0.45182353258132935, 0.2724774479866028, 0.27... 😂 \n", + "40650 😱 [0.45002350211143494, 0.2710316777229309, 0.27... 😇 \n", + "64416 😱 [0.45193251967430115, 0.2698008418083191, 0.27... 😊 \n", + "19525 😱 [0.45155930519104004, 0.27194666862487793, 0.2... 🙆 \n", + "39024 😱 [0.4556638300418854, 0.26780301332473755, 0.27... 😂 \n", + "35342 😱 [0.452972412109375, 0.27151480317115784, 0.275... 😫 \n", + "9715 😱 [0.4522416293621063, 0.2719023823738098, 0.275... 😇 \n", + "40490 😬 [0.4545004665851593, 0.27230802178382874, 0.27... 😮 \n", + "22064 😬 [0.4601033926010132, 0.2683771550655365, 0.271... 😍 \n", + "53563 😱 [0.45222631096839905, 0.2727421224117279, 0.27... 😄 \n", + "67332 😬 [0.45455402135849, 0.27052536606788635, 0.2749... 😪 \n", + "15404 😱 [0.45141908526420593, 0.2713443338871002, 0.27... 😕 \n", + "30130 😬 [0.4556472599506378, 0.2695685029029846, 0.274... 😳 \n", + "37242 😬 [0.4568144977092743, 0.27149033546447754, 0.27... 😂 \n", + "30533 😬 [0.45350709557533264, 0.27462711930274963, 0.2... 😂 \n", + "... ... ... ... \n", + "16955 😱 [0.45130616426467896, 0.2745077311992645, 0.27... 🙏 \n", + "36805 😬 [0.4585663378238678, 0.26974013447761536, 0.27... 😂 \n", + "56326 😱 [0.45519477128982544, 0.2686183452606201, 0.27... 😢 \n", + "40306 😱 [0.449861079454422, 0.2748417556285858, 0.2752... 😍 \n", + "51333 😱 [0.4518674910068512, 0.2723572850227356, 0.275... 😌 \n", + "42339 😬 [0.4573005437850952, 0.2696344256401062, 0.273... 😔 \n", + "7644 😱 [0.4539974331855774, 0.2710561156272888, 0.274... 😧 \n", + "13953 😱 [0.4520905911922455, 0.27237412333488464, 0.27... 😐 \n", + "26460 😱 [0.4516184329986572, 0.2706548869609833, 0.277... 😛 \n", + "31571 😱 [0.4516292214393616, 0.2722293734550476, 0.276... 😒 \n", + "9536 😱 [0.45403042435646057, 0.27084800601005554, 0.2... 😭 \n", + "19571 😱 [0.45092839002609253, 0.273369699716568, 0.275... 😡 \n", + "35934 😱 [0.45402011275291443, 0.2693026065826416, 0.27... 😂 \n", + "4605 😬 [0.45629507303237915, 0.2681595981121063, 0.27... 😂 \n", + "1913 😬 [0.45600560307502747, 0.26834917068481445, 0.2... 😭 \n", + "11827 😬 [0.45951539278030396, 0.26939070224761963, 0.2... 😄 \n", + "15181 😬 [0.4616319239139557, 0.2665380537509918, 0.271... 😂 \n", + "32869 😬 [0.45471736788749695, 0.27229392528533936, 0.2... 😹 \n", + "40784 😬 [0.45305681228637695, 0.2729623019695282, 0.27... 😻 \n", + "18611 😱 [0.4504826068878174, 0.27414649724960327, 0.27... 😂 \n", + "28341 😱 [0.45293256640434265, 0.27156686782836914, 0.2... 😂 \n", + "41368 😱 [0.4524029791355133, 0.27189141511917114, 0.27... 😂 \n", + "35554 😬 [0.45386624336242676, 0.2720849812030792, 0.27... 😩 \n", + "27968 😬 [0.4601033926010132, 0.2683771550655365, 0.271... 😍 \n", + "36772 😱 [0.45253145694732666, 0.2714029550552368, 0.27... 😳 \n", + "7568 😱 [0.4514819085597992, 0.27036288380622864, 0.27... 😭 \n", + "62837 😬 [0.4553525149822235, 0.27044105529785156, 0.27... 😂 \n", + "34105 😱 [0.4522460997104645, 0.27333661913871765, 0.27... 😇 \n", + "59069 😬 [0.45729154348373413, 0.26964816451072693, 0.2... 😉 \n", + "47088 😱 [0.4503130614757538, 0.27487510442733765, 0.27... 😂 \n", "\n", - "[5831 rows x 3 columns]" + " teacher_sentiment \\\n", + "7618 [0.21660649819494585, 0.5913357400722021, 0.19... \n", + "6910 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "35783 [0.34310532030401736, 0.4364820846905538, 0.22... \n", + "15623 [0.47186147186147187, 0.2922077922077922, 0.23... \n", + "12023 [0.34310532030401736, 0.4364820846905538, 0.22... \n", + "15763 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "57240 [0.5981432360742706, 0.10477453580901856, 0.29... \n", + "2418 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "66384 [0.7296744771190439, 0.05173769460607014, 0.21... \n", + "44639 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "54463 [0.6613545816733067, 0.10092961487383798, 0.23... \n", + "38407 [0.5981432360742706, 0.10477453580901856, 0.29... \n", + "31342 [0.5586552217453505, 0.13662374821173104, 0.30... \n", + "41255 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "19686 [0.34310532030401736, 0.4364820846905538, 0.22... \n", + "67193 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "40650 [0.6666666666666666, 0.06666666666666667, 0.26... \n", + "64416 [0.7040175768989329, 0.059322033898305086, 0.2... \n", + "19525 [0.5964912280701754, 0.08771929824561403, 0.31... \n", + "39024 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "35342 [0.3404710920770878, 0.4860813704496788, 0.173... \n", + "9715 [0.6666666666666666, 0.06666666666666667, 0.26... \n", + "40490 [0.45555555555555555, 0.17777777777777778, 0.3... \n", + "22064 [0.7296744771190439, 0.05173769460607014, 0.21... \n", + "53563 [0.5586552217453505, 0.13662374821173104, 0.30... \n", + "67332 [0.3506224066390041, 0.4315352697095436, 0.217... \n", + "15404 [0.20294117647058824, 0.6029411764705882, 0.19... \n", + "30130 [0.34515366430260047, 0.32742316784869974, 0.3... \n", + "37242 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "30533 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "... ... \n", + "16955 [0.4983755685510071, 0.08057179987004548, 0.42... \n", + "36805 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "56326 [0.39118825100133514, 0.38451268357810414, 0.2... \n", + "40306 [0.7296744771190439, 0.05173769460607014, 0.21... \n", + "51333 [0.6240601503759399, 0.13984962406015036, 0.23... \n", + "42339 [0.31784232365145226, 0.46390041493775935, 0.2... \n", + "7644 [0.32608695652173914, 0.391304347826087, 0.282... \n", + "13953 [0.16296296296296298, 0.5555555555555556, 0.28... \n", + "26460 [0.6909090909090909, 0.08181818181818182, 0.22... \n", + "31571 [0.21660649819494585, 0.5913357400722021, 0.19... \n", + "9536 [0.34310532030401736, 0.4364820846905538, 0.22... \n", + "19571 [0.35978835978835977, 0.533068783068783, 0.107... \n", + "35934 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "4605 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "1913 [0.34310532030401736, 0.4364820846905538, 0.22... \n", + "11827 [0.5586552217453505, 0.13662374821173104, 0.30... \n", + "15181 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "32869 [0.4406779661016949, 0.2983050847457627, 0.261... \n", + "40784 [0.6906474820143885, 0.0671462829736211, 0.242... \n", + "18611 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "28341 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "41368 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "35554 [0.22289823008849557, 0.5912610619469026, 0.18... \n", + "27968 [0.7296744771190439, 0.05173769460607014, 0.21... \n", + "36772 [0.34515366430260047, 0.32742316784869974, 0.3... \n", + "7568 [0.34310532030401736, 0.4364820846905538, 0.22... \n", + "62837 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "34105 [0.6666666666666666, 0.06666666666666667, 0.26... \n", + "59069 [0.5634451019066403, 0.0992767915844839, 0.337... \n", + "47088 [0.46813021474490496, 0.24716181096977158, 0.2... \n", + "\n", + " text \n", + "7618 There's fucking snow outside \n", + "6910 You look so animated bro! *Rimshot*, Ge... \n", + "35783 Jon ordered it from a restaurant \n", + "15623 I just want to move back in with my mom \n", + "12023 guys lets vote!!! \n", + "15763 Bruhhhh this man need a show ASAP!!! \n", + "57240 AND THE RICH SIT IN A LOW PLACE \n", + "2418 Time to go to bed \n", + "66384 May sound like a hillbilly, but girls that can... \n", + "44639 IM DYING \n", + "54463 Black forest hot chocolate is coming back to C... \n", + "38407 5 days till my 21st. \n", + "31342 I'm just going to leave my Twitter acct... \n", + "41255 Oh god im so happy \n", + "19686 In my head \n", + "67193 Jo, chilllllllll. This kid is mentally... \n", + "40650 I’m ready sis \n", + "64416 Sometimes we need to know how to respect our p... \n", + "19525 Right? \n", + "39024 priceless love how got back at ... \n", + "35342 Right \n", + "9715 Opo pang i will! \n", + "40490 WOW whomever was tasked with vetting a... \n", + "22064 Thank you ! \n", + "53563 Dat daurin Dan kwali from behind is the real ... \n", + "67332 I miss my baby so much ♥️ \n", + "15404 alright i'm gonna go take a shower, let me kno... \n", + "30130 and neither are buying her music \n", + "37242 I saw that too as well! I feel to have ... \n", + "30533 I had a mental break down but I’m back like hey \n", + "... ... \n", + "16955 Bless up Esquivel finally update aeries \n", + "36805 Look just like my Mizuno ... \n", + "56326 This felt like it happened yesterday. \n", + "40306 Our Guest photo this week highlights the beaut... \n", + "51333 I need to see what “the stranger things” is ab... \n", + "42339 Plz can u make me a pc I don’t have eno... \n", + "7644 this is insulting \n", + "13953 I know this might sound crazy but I rather Don... \n", + "26460 Just a couple of cute pugs hanging out \n", + "31571 She knows nothing will happen to her.. ... \n", + "9536 happy raisin \n", + "19571 I'm so disappointed \n", + "35934 Nailed it. \n", + "4605 oh it’s more than a thing! \n", + "1913 stop it \n", + "11827 Have an awesome ❤️ \n", + "15181 when I see elbows ? \n", + "32869 Damn Jani back at it again with the BB-8 costu... \n", + "40784 I think a big part of the reason Nick Wilde is... \n", + "18611 My 12 year old brother on Altuve- “he’s like t... \n", + "28341 Bruh like how she know the exact number? \n", + "41368 They starting early \n", + "35554 Please come through \n", + "27968 Thank you \n", + "36772 Imagine if the Vikings had a top 10 QB \n", + "7568 Le costume de cupcakke....... \n", + "62837 aM FKXNSK SCREAMING ODM \n", + "34105 My birthday tomorrow \n", + "59069 im just tryna change your life \n", + "47088 Do I look like I’m off 79th . Foh \n", + "\n", + "[3337 rows x 5 columns]" ] }, "metadata": {},